text
stringlengths
5
22M
id
stringlengths
12
177
metadata
dict
__index_level_0__
int64
0
1.37k
import unittest from typing import cast from injector import Injector from decai.simulation.data.data_loader import DataLoader from decai.simulation.data.fitness_data_loader import FitnessDataLoader, FitnessDataModule from decai.simulation.logging_module import LoggingModule class TestFitnessDataLoader(unittest.TestCase): @classmethod def setUpClass(cls): inj = Injector([ LoggingModule, FitnessDataModule, ]) cls.loader = inj.get(DataLoader) assert isinstance(cls.loader, FitnessDataLoader) cls.loader = cast(FitnessDataLoader, cls.loader) @unittest.skip("The dataset does not exist on CI test machine.") def test_load(self): train_size = 70 test_size = 30 (x_train, y_train), (x_test, y_test) = self.loader.load_data(train_size, test_size) self.assertEqual(train_size, x_train.shape[0]) self.assertEqual(train_size, y_train.shape[0]) self.assertEqual(test_size, x_test.shape[0]) self.assertEqual(test_size, y_test.shape[0])
0xDeCA10B/simulation/decai/simulation/data/tests/test_fitness_data_loader.py/0
{ "file_path": "0xDeCA10B/simulation/decai/simulation/data/tests/test_fitness_data_loader.py", "repo_id": "0xDeCA10B", "token_count": 437 }
7
import unittest from queue import PriorityQueue from decai.simulation.simulate import Agent class TestAgent(unittest.TestCase): def test_queue(self): q = PriorityQueue() agents = [ Agent('a1', 10, 1, 1, 1), Agent('a2', 10, 1, 1, 1), Agent('a0', 10, 1, 1, 1), ] [q.put((0, a)) for a in agents] results = [q.get()[1].address for _ in agents] self.assertEqual(['a0', 'a1', 'a2'], results)
0xDeCA10B/simulation/decai/simulation/tests/test_simulation.py/0
{ "file_path": "0xDeCA10B/simulation/decai/simulation/tests/test_simulation.py", "repo_id": "0xDeCA10B", "token_count": 231 }
8
# Lab 6 - 学习使用调度管理系统 ## 实验目的 以 [Microsoft Open Platform for AI (OpenPAI)](https://github.com/microsoft/pai) 为例,学习搭建并使用面向深度学习的异构计算集群调度与资源管理系统。 ## 实验环境 本实验为分组实验,3~4 位同学一组,实验内容略有差别, 实验流程中将以 Alice, Bob, Carol, Dan 指代(3人组请忽略 Dan),每位同学的环境均为: * Ubuntu 18.04 LTS * NVIDIA GPU (已装好驱动) * Docker Engine * nvidia-container-runtime * ssh and sshd ## 实验原理 1. 基于 Kubernetes 的深度学习集群管理系统 Kubernetes 是一个可移植的、可扩展的开源平台,用于管理容器化的工作负载和服务,可促进声明式配置和自动化。一个 Kubernetes 集群由一组被称作节点的机器组成。这些节点上运行 Kubernetes 所管理的容器化应用,集群具有至少一个主节点和至少一个工作节点。 主节点管理集群中的工作节点和 Pod,通常运行控制组件,对集群做出全局决策(比如调度),以及检测和响应集群事件,主要包括以下组件: * kube-apiserver 主节点上负责提供 Kubernetes API 服务的组件。 * etcd etcd 是兼具一致性和高可用性的键值数据库,可以作为保存 Kubernetes 所有集群数据的后台数据库。 * kube-scheduler 主节点上的组件,该组件监视那些新创建的未指定运行节点的 Pod,并选择节点让 Pod 在上面运行。 * kube-controller-manager 在主节点上运行控制器的组件。 工作节点托管作为应用程序组件的 Pod,维护运行的 Pod 并提供 Kubernetes 运行环境,主要包括以下组件: * kubelet kubelet 是一个在集群中每个节点上运行的代理,保证容器都运行在 Pod 中。 * kube-proxy kube-proxy 是集群中每个节点上运行的网络代理,维护节点上的网络规则。 * Container Runtime 容器运行环境是负责运行容器的软件,例如 Docker. 2. HiveD Scheduler 调度算法 HiveD Scheduler 是一个适用于多租户 GPU 集群的 Kubernetes Scheduler Extender. 多租户 GPU 群集假定多个租户(团队)在单个物理集群(Physical Cluster)中共享同一 GPU 池,并为每个租户提供一些资源保证。HiveD 将每个租户创建一个虚拟集群(Virtual Cluster),以便每个租户可以像使用私有群集一样使用自己的虚拟集群 VC,同时还可以较低优先级地使用其他租户 VC 的空闲资源。 HiveD 为 VC 提供资源保证,不仅是资源的数量保证,还提供资源拓扑结构的保证。例如,传统的调度算法可以确保 VC 使用 8 块 GPU,但是它不知道这 8 块 GPU 的拓扑结构,即使在其 VC 仍有 8 个空闲 GPU 的情况下也可能因为这些 GPU 在不同的机器上,无法分配在单个机器上运行的 8 卡训练任务。HiveD 可以为 VC 提供 GPU 拓扑结构的保证,例如保证 VC 可以使用在同一个机器上的 8 块 GPU. HiveD 通过 cell 单元来分配资源,一个 cell 单元包含用户自定义的资源数量和硬件的拓扑结构信息。例如用户可以定义一个包含 8 GPU 的节点,并把一个这样的 cell 分配给 VC,这样 HiveD 可以保证该 VC 一定有一个可分配的 8 GPU 机器,不管其它 VC 的资源分配情况怎样。HiveD 支持灵活的 cell 单元定义,来保证细粒度的资源分配。例如,用户可以针对不同的 AI 硬件(例如 NVIDIA V100, AMD MI50, Google Cloud TPU v3)或网络配置(例如 InfiniBand)在多个拓扑层级(例如 PCIe switch, NUMA)定义 cell 单元。VC 可以包含各种层级的 cell 单元,HiveD 可以保证所有 cell 单元的资源。 ## 实验内容 ### 实验流程图 ![](/imgs/Lab6-flow.png "Lab6 flow chat") ### 具体步骤 1. 安装环境依赖 (以下步骤在 Alice, Bob, Carol, Dan 的机器上执行) 1. 安装 Docker Engine 参照 [Docker Engine 文档](https://docs.docker.com/engine/install/ubuntu/) 在 Ubuntu 上安装 Docker Engine. 2. 安装 nvidia-container-runtime 参照 [Installation 文档](https://github.com/NVIDIA/nvidia-container-runtime#installation) 在 Ubuntu 上安装 nvidia-container-time 参照[文档](https://github.com/NVIDIA/nvidia-container-runtime#daemon-configuration-file) 修改 Docker daemon 配置文件,将 `default-runtime` 设为 `nvidia`,配置文件修改后需要使用 `sudo systemctl restart docker` 重启 Docker daemon. 3. 验证安装结果 * 通过 `sudo docker info` 检查是否有 "Default runtime: nvidia" (默认为 runc). * 通过 `sudo docker run nvidia/cuda:10.0-base nvidia-smi` 运行一个 GPU Docker 看是否能正确看到 GPU 信息。 4. 新建 Linux 用户 新建相同的 Linux 用户,例如 username: openpai, password: paiopen, 并将该用户加到 sudo 组里。 ```sh sudo useradd openpai sudo usermod -a -G sudo openpai ``` 2. 部署 OpenPAI 在部署的集群中:Alice 的机器为 dev-box(管理员用来操作集群,不在集群中),Bob 的机器为 master(在集群中,不跑具体的任务),Carol 和 Dan 的机器为 worker(在集群中,用来跑用户的任务)。 (以下步骤只在 Alice 的机器上执行) 1. 准备配置文件 * `~/master.csv`: ``` hostname-bob,10.0.1.2 ``` "hostname-bob" 是在 Bob 的机器上执行 `hostname` 的结果,10.0.1.2 替换为 Bob 的机器的 ip 地址。 * `~/worker.csv`: ``` hostname-carol,10.0.1.3 hostname-dan,10.0.1.4 ``` "hostname-carol" 是在 Carol 的机器上执行 `hostname` 的结果,10.0.1.3 替换为 Carol 的机器的 ip 地址。Dan 同理。 * `~/config.yaml`: ```yaml user: openpai password: paiopen branch_name: v1.2.0 docker_image_tag: v1.2.0 ``` "user" 和 "password" 是新建的 Linux 用户的 username 和 password. 2. 部署 OpenPAI 1. 克隆 OpenPAI 的代码 ```sh git clone -b v1.2.0 https://github.com/microsoft/pai.git cd pai/contrib/kubespray ``` 2. 部署 Kubernetes ```sh bash quick-start-kubespray.sh -m ~/master.csv -w ~/worker.csv -c ~/config.yaml ``` 3. 启动 OpenPAI 服务 ```sh bash quick-start-service.sh -m ~/master.csv -w ~/worker.csv -c ~/config.yaml ``` 如果部署成功,会看到如下信息: ``` Kubernetes cluster config : ~/pai-deploy/kube/config OpenPAI cluster config : ~/pai-deploy/cluster-cfg OpenPAI cluster ID : pai Default username : admin Default password : admin-password You can go to http://<your-master-ip>, then use the default username and password to log in. ``` 在浏览器中访问 http://bob-ip,使用 admin 和 admin-password 登陆。 3. 运行 dev-box Docker 管理集群 运行 dev-box Docker 容器: ```sh sudo docker run -itd \ -v /var/run/docker.sock:/var/run/docker.sock \ -v ${HOME}/pai-deploy/cluster-cfg:/cluster-configuration \ -v ${HOME}/pai-deploy/kube:/root/.kube \ --privileged=true \ --name=dev-box \ openpai/dev-box:v1.2.0 ``` 执行 dev-box Docker 容器: ```sh sudo docker exec -it dev-box bash ``` 列出集群中的节点: ```sh kubectl get nodes ``` 使用 `paictl` 管理 OpenPAI 服务: ```sh cd /pai python paictl.py config get-id ``` > 注:详细的部署说明请参考 [Installation Guide](https://openpai.readthedocs.io/en/latest/manual/cluster-admin/installation-guide.html#installation-from-scratch),部署过程中遇到的问题可以参考 [troubleshooting](https://openpai.readthedocs.io/en/latest/manual/cluster-admin/installation-faqs-and-troubleshooting.html#troubleshooting) 或在 [GitHub issue](https://github.com/microsoft/pai/issues) 上提问。 3. 使用 OpenPAI 1. 新建 OpenPAI 用户 (Bob 执行) Bob 访问 http://bob-ip, 在 Administration -> User Management 页面中,给 Alice, Carol, Dan 分别新建账号。 2. 提交集群任务 (Alice, Bob, Carol, Dan 都执行) 在浏览器中访问 http://bob-ip, 在 Submit Job 页面提交 Single Job。观察集群中任务的等待和执行情况。 4. 更改调度器配置并使用不同调度策略 1. 更改调度器配置 (Alice 执行) 将两个 GPU 机器配置成两个不同的 VC,在 dev-box Docker 容器中更改 `/cluster-configuration/service-configuration.yaml` 文件中的 `hivedscheduler`: ```yaml hivedscheduler: config: | physicalCluster: skuTypes: GPU-C: gpu: 1 cpu: 2 memory: 4096Mi GPU-D: gpu: 1 cpu: 2 memory: 4096Mi cellTypes: GPU-C-NODE: childCellType: GPU-C childCellNumber: 1 isNodeLevel: true GPU-C-NODE-POOL: childCellType: GPU-C-NODE childCellNumber: 1 GPU-D-NODE: childCellType: GPU-D childCellNumber: 1 isNodeLevel: true GPU-D-NODE-POOL: childCellType: GPU-D-NODE childCellNumber: 1 physicalCells: - cellType: GPU-C-NODE-POOL cellChildren: - cellAddress: hostname-carol #TODO change to Carol's - cellType: GPU-D-NODE-POOL cellChildren: - cellAddress: hostname-dan #TODO change to Dan's virtualClusters: default: virtualCells: - cellType: GPU-C-NODE-POOL.GPU-C-NODE cellNumber: 1 vc1: virtualCells: - cellType: GPU-D-NODE-POOL.GPU-D-NODE cellNumber: 1 ``` 然后使用 `paictl` 更新配置文件并重启相应的服务(提示输入的 cluster-id 为 "pai"): ```sh python paictl.py service stop -n rest-server hivedscheduler python paictl.py config push -p /cluster-configuration -m service python paictl.py service start -n rest-server hivedscheduler ``` 2. VC 安全 (VC Safety) (Alice, Bob, Carol, Dan 都执行,可同时进行) 同时向 `vc1` 提交任务(任务配置文件可参考 `job-config-0.yaml`),观察任务的运行情况:提交的任务会在哪个机器上运行,当有多个任务在等待并且集群中的 `default` VC 空闲时任务会被怎样调度? 3. 优先级和抢占 (Priority and Preemption) (Alice, Bob, Carol, Dan 按顺序依次实验,实验时确保集群中没有其它未结束的任务) 先向 `vc1` 提交一个优先级 `jobPriorityClass` 为 `test` 的任务(任务配置文件可参考 `job-config-1.yaml`),在其运行时再向 `vc1` 提交一个优先级为 `prod` 的任务(任务配置文件可参考 `job-config-2.yaml`),观察任务的运行情况:后提交的任务是否在先提交的任务运行完成之后运行,什么时候两个任务都运行结束? 4. 低优先级任务 (Opportunistic Job) (Alice, Bob, Carol, Dan 按顺序依次实验,实验时确保集群中没有其它未结束的任务) 先向 `vc1` 提交一个优先级 `jobPriorityClass` 为 `prod` 的任务(任务配置文件可参考 `job-config-3.yaml`),在其运行时再向 `vc1` 提交一个优先级为 `oppo`(最低优先级)的任务(任务配置文件可参考 `job-config-4.yaml`),观察任务的运行情况:后提交的任务什么时候开始运行,是否会等高优先级的任务运行完?如果在后提交的任务运行时再向 `default` VC 提交优先级为 `test` 的任务会被怎样调度? 5. 更改调度器配置 (Alice 执行) 将两个 GPU 机器配置在相同 VC 里,在 dev-box Docker 容器中更改 `/cluster-configuration/service-configuration.yaml` 文件中的 `hivedscheduler`: ```yaml hivedscheduler: config: | physicalCluster: skuTypes: GPU: gpu: 1 cpu: 2 memory: 4096Mi cellTypes: GPU-NODE: childCellType: GPU childCellNumber: 1 isNodeLevel: true GPU-NODE-POOL: childCellType: GPU-NODE childCellNumber: 2 physicalCells: - cellType: GPU-NODE-POOL cellChildren: - cellAddress: hostname-carol #TODO change to Carol's - cellAddress: hostname-dan #TODO change to Dan's virtualClusters: default: virtualCells: - cellType: GPU-NODE-POOL.GPU-NODE cellNumber: 2 ``` 然后使用 `paictl` 更新配置文件并重启相应的服务(提示输入的 cluster-id 为 "pai"): ```sh python paictl.py service stop -n rest-server hivedscheduler python paictl.py config push -p /cluster-configuration -m service python paictl.py service start -n rest-server hivedscheduler ``` 6. 群调度 (Gang Scheduling) (Alice, Bob, Carol, Dan 按顺序依次实验,实验时确保集群中没有其它未结束的任务) 先向 `default` VC 提交一个任务占用一台机器(任务配置文件可参考 `job-config-5.yaml`),在其运行时再向 `default` VC 提交一个有 2 个子任务需要两台机器的任务(任务配置文件可参考 `job-config-6.yaml`),观察任务的运行情况:后提交的任务什么时候开始运行,2 个子任务是否会先后运行? 7. 弹性调度 (Incremental Scheduling) (Alice, Bob, Carol, Dan 按顺序依次实验,实验时确保集群中没有其它未结束的任务) 先向 `default` VC 提交一个任务占用一台机器,在其运行时再向 `default` VC 提交一个有 2 个子任务需要两台机器的任务(任务配置文件可参考 `job-config-7.yaml`),观察任务的运行情况:后提交的任务什么时候开始运行,2 个子任务是否会先后运行?能否在当前只有 2 GPU 的集群中提交一个需要用超过配额(例如用 4 GPU)的任务? ## 实验报告 ### 实验环境 (Alice/Bob/Carol/Dan 替换为组员姓名) ||||||| |-------|-|-------|-----|------|------| | Users | | &nbsp; &nbsp; &nbsp; &nbsp; Alice &nbsp; &nbsp; &nbsp; &nbsp; | &nbsp; &nbsp; &nbsp; &nbsp; Bob &nbsp; &nbsp; &nbsp; &nbsp; | &nbsp; &nbsp; &nbsp; &nbsp; Carol &nbsp; &nbsp; &nbsp; &nbsp; | &nbsp; &nbsp; &nbsp; &nbsp; Dan &nbsp; &nbsp; &nbsp; &nbsp; | | 硬件环境 | CPU(vCPU数目)|||||| || GPU(型号,数目) ||||| || IP ||||| || HostName ||||| | 软件环境 | OS版本 ||||| || Docker Engine版本 ||||| || CUDA版本 ||||| || OpenPAI版本 ||||| ||||||| ### 实验结果 1. 部署 OpenPAI 简述部署中遇到的问题以及相应的解决方案。 <br/> <br/> <br/> <br/> <br/> 2. 使用不同调度策略 |||| | --- | --- | --- | | 实验名称 | 实验现象(任务运行情况) | 支持文件(任务配置文件, UI 截图等) | | VC 安全 (VC Safety) | 提交的任务会在哪个机器上运行,当有多个任务在等待并且集群中的 `default` VC 空闲时任务会被怎样调度?其它观察到的现象 | | | 优先级和抢占 (Priority and Preemption) | 后提交的任务是否在先提交的任务运行完成之后运行,什么时候两个任务都运行结束?其它观察到的现象 | | | 低优先级任务 (Opportunistic Job) | 后提交的任务什么时候开始运行,是否会等高优先级的任务运行完?如果在后提交的任务运行时再向 `default` VC 提交优先级为 `test` 的任务会被怎样调度?其它观察到的现象 | | | 群调度 (Gang Scheduling) | 后提交的任务什么时候开始运行,2 个子任务是否会先后运行?其它观察到的现象 | | | 弹性调度 (Incremental Scheduling) | 后提交的任务什么时候开始运行,2 个子任务是否会先后运行?能否在当前只有 2 GPU 的集群中提交一个需要用超过配额(例如用 4 GPU)的任务?其它观察到的现象 | | |||| ## 参考代码 代码位置:`Lab6/config` ## 参考资料 * Open Platform for AI (OpenPAI): https://github.com/microsoft/pai * OpenPAI Handbook: https://openpai.readthedocs.io/en/latest/ * HiveD Scheduler: https://github.com/microsoft/hivedscheduler * Kubernetes Documentation: https://kubernetes.io/docs/home/
AI-System/Labs/AdvancedLabs/Lab6/README.md/0
{ "file_path": "AI-System/Labs/AdvancedLabs/Lab6/README.md", "repo_id": "AI-System", "token_count": 11006 }
9
# MIT License # Copyright (c) Microsoft Corporation. # 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 import argparse import functools import logging import os import pprint import numpy as np import torch import torch.nn as nn import torch.nn.functional as F import torch.optim as optim import torchvision import torchvision.models as models import torchvision.transforms as transforms from utils import AverageMeterGroup, accuracy, prepare_logger, reset_seed logger = logging.getLogger('hpo') def data_preprocess(args): def cutout_fn(img, length): h, w = img.size(1), img.size(2) mask = np.ones((h, w), np.float32) y = np.random.randint(h) x = np.random.randint(w) y1 = np.clip(y - length // 2, 0, h) y2 = np.clip(y + length // 2, 0, h) x1 = np.clip(x - length // 2, 0, w) x2 = np.clip(x + length // 2, 0, w) mask[y1: y2, x1: x2] = 0. mask = torch.from_numpy(mask) mask = mask.expand_as(img) img *= mask return img augmentation = [ transforms.RandomCrop(32, padding=4), transforms.RandomHorizontalFlip() ] cutout = [functools.partial(cutout_fn, length=args.cutout)] if args.cutout else [] normalize = [ transforms.ToTensor(), transforms.Normalize((0.4914, 0.4822, 0.4465), (0.2023, 0.1994, 0.2010)) ] transform_train = transforms.Compose(augmentation + normalize + cutout) transform_test = transforms.Compose(normalize) trainset = torchvision.datasets.CIFAR10(root='./data', train=True, download=True, transform=transform_train) train_loader = torch.utils.data.DataLoader(trainset, batch_size=args.batch_size, shuffle=True, num_workers=args.num_workers) testset = torchvision.datasets.CIFAR10(root='./data', train=False, download=True, transform=transform_test) test_loader = torch.utils.data.DataLoader(testset, batch_size=args.batch_size, shuffle=False, num_workers=args.num_workers) return train_loader, test_loader def train(model, loader, criterion, optimizer, scheduler, args, epoch, device): logger.info('Current learning rate: %.6f', optimizer.param_groups[0]['lr']) model.train() meters = AverageMeterGroup() for step, (inputs, targets) in enumerate(loader): inputs, targets = inputs.to(device), targets.to(device) optimizer.zero_grad() logits = model(inputs) loss = criterion(logits, targets) loss.backward() if args.grad_clip > 0: nn.utils.clip_grad_norm_(model.parameters(), args.grad_clip) optimizer.step() meters.update({'acc': accuracy(logits, targets), 'loss': loss.item()}) if step % args.log_frequency == 0 or step + 1 == len(loader): logger.info('Epoch [%d/%d] Step [%d/%d] %s', epoch, args.epochs, step + 1, len(loader), meters) scheduler.step() return meters.acc.avg, meters.loss.avg def test(model, loader, criterion, args, epoch, device): model.eval() meters = AverageMeterGroup() correct = loss = total = 0. with torch.no_grad(): for inputs, targets in loader: inputs, targets = inputs.to(device), targets.to(device) bs = targets.size(0) logits = model(inputs) loss += criterion(logits, targets).item() * bs correct += accuracy(logits, targets) * bs total += bs logger.info('Eval Epoch [%d/%d] Loss = %.6f Acc = %.6f', epoch, args.epochs, loss / total, correct / total) return correct / total, loss / total def main(args): reset_seed(args.seed) prepare_logger(args) logger.info("These are the hyper-parameters you want to tune:\n%s", pprint.pformat(vars(args))) device = 'cuda' if torch.cuda.is_available() else 'cpu' train_loader, test_loader = data_preprocess(args) model = models.__dict__[args.model]() model.to(device) criterion = nn.CrossEntropyLoss() if args.optimizer == 'adam': optimizer = optim.Adam(model.parameters(), lr=args.initial_lr, weight_decay=args.weight_decay) else: if args.optimizer == 'sgd': optimizer_cls = optim.SGD elif args.optimizer == 'rmsprop': optimizer_cls = optim.RMSprop optimizer = optimizer_cls(model.parameters(), lr=args.initial_lr, momentum=args.momentum, weight_decay=args.weight_decay) scheduler = optim.lr_scheduler.CosineAnnealingLR(optimizer, args.epochs, eta_min=args.ending_lr) for epoch in range(1, args.epochs + 1): train(model, train_loader, criterion, optimizer, scheduler, args, epoch, device) top1, _ = test(model, test_loader, criterion, args, epoch, device) logger.info("Final accuracy is: %.6f", top1) if __name__ == '__main__': available_models = ['resnet18', 'resnet50', 'vgg16', 'vgg16_bn', 'densenet121', 'squeezenet1_1', 'shufflenet_v2_x1_0', 'mobilenet_v2', 'resnext50_32x4d', 'mnasnet1_0'] parser = argparse.ArgumentParser(description='PyTorch CIFAR10 Training') parser.add_argument('--initial_lr', default=0.1, type=float, help='initial learning rate') parser.add_argument('--weight_decay', default=5e-4, type=float, help='weight decay') parser.add_argument('--ending_lr', default=0, type=float, help='ending learning rate') parser.add_argument('--cutout', default=0, type=int, help='cutout length in data augmentation') parser.add_argument('--batch_size', default=128, type=int, help='batch size') parser.add_argument('--epochs', default=300, type=int, help='epochs') parser.add_argument('--optimizer', default='sgd', type=str, help='optimizer type', choices=['sgd', 'rmsprop', 'adam']) parser.add_argument('--momentum', default=0.9, type=int, help='optimizer momentum (ignored in adam)') parser.add_argument('--num_workers', default=2, type=int, help='number of workers to preprocess data') parser.add_argument('--model', default='resnet18', choices=available_models, help='the model to use') parser.add_argument('--grad_clip', default=0., type=float, help='gradient clip (use 0 to disable)') parser.add_argument('--log_frequency', default=20, type=int, help='number of mini-batches between logging') parser.add_argument('--seed', default=42, type=int, help='global initial seed') args = parser.parse_args() main(args)
AI-System/Labs/AdvancedLabs/Lab8/hpo/main.py/0
{ "file_path": "AI-System/Labs/AdvancedLabs/Lab8/hpo/main.py", "repo_id": "AI-System", "token_count": 2889 }
10
# Horovod # Copyright 2018 Uber Technologies, Inc. # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. # You may obtain a copy of the License at # http://www.apache.org/licenses/LICENSE-2.0 # Unless required by applicable law or agreed to in writing, software # distributed under the License is distributed on an "AS IS" BASIS, # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. # See the License for the specific language governing permissions and # limitations under the License. # This file has been changed for education and teaching purpose from __future__ import print_function import argparse import torch.multiprocessing as mp import torch.nn as nn import torch.nn.functional as F import torch.optim as optim from torchvision import datasets, transforms import torch.utils.data.distributed import horovod.torch as hvd # Training settings parser = argparse.ArgumentParser(description='PyTorch MNIST Example') parser.add_argument('--batch-size', type=int, default=64, metavar='N', help='input batch size for training (default: 64)') parser.add_argument('--test-batch-size', type=int, default=1000, metavar='N', help='input batch size for testing (default: 1000)') parser.add_argument('--epochs', type=int, default=10, metavar='N', help='number of epochs to train (default: 10)') parser.add_argument('--lr', type=float, default=0.01, metavar='LR', help='learning rate (default: 0.01)') parser.add_argument('--momentum', type=float, default=0.5, metavar='M', help='SGD momentum (default: 0.5)') parser.add_argument('--no-cuda', action='store_true', default=False, help='disables CUDA training') parser.add_argument('--seed', type=int, default=42, metavar='S', help='random seed (default: 42)') parser.add_argument('--log-interval', type=int, default=10, metavar='N', help='how many batches to wait before logging training status') parser.add_argument('--fp16-allreduce', action='store_true', default=False, help='use fp16 compression during allreduce') parser.add_argument('--use-adasum', action='store_true', default=False, help='use adasum algorithm to do reduction') parser.add_argument('--bit8-allreduce', action='store_true', default=False, help='use 8-bit compression during allreduce/allgather') parser.add_argument('--bit16-allreduce', action='store_true', default=False, help='use 16-bit compression during allreduce/allgather') class Net(nn.Module): def __init__(self): super(Net, self).__init__() self.conv1 = nn.Conv2d(1, 10, kernel_size=5) self.conv2 = nn.Conv2d(10, 20, kernel_size=5) self.conv2_drop = nn.Dropout2d() self.fc1 = nn.Linear(320, 50) self.fc2 = nn.Linear(50, 10) def forward(self, x): x = F.relu(F.max_pool2d(self.conv1(x), 2)) x = F.relu(F.max_pool2d(self.conv2_drop(self.conv2(x)), 2)) x = x.view(-1, 320) x = F.relu(self.fc1(x)) x = F.dropout(x, training=self.training) x = self.fc2(x) return F.log_softmax(x) def train(epoch): model.train() # Horovod: set epoch to sampler for shuffling. train_sampler.set_epoch(epoch) for batch_idx, (data, target) in enumerate(train_loader): if args.cuda: data, target = data.cuda(), target.cuda() optimizer.zero_grad() output = model(data) loss = F.nll_loss(output, target) loss.backward() optimizer.step() if batch_idx % args.log_interval == 0: # Horovod: use train_sampler to determine the number of examples in # this worker's partition. print('Train Epoch: {} [{}/{} ({:.0f}%)]\tLoss: {:.6f}'.format( epoch, batch_idx * len(data), len(train_sampler), 100. * batch_idx / len(train_loader), loss.item())) def metric_average(val, name): tensor = torch.tensor(val) avg_tensor = hvd.allreduce(tensor, name=name) return avg_tensor.item() def test(): model.eval() test_loss = 0. test_accuracy = 0. for data, target in test_loader: if args.cuda: data, target = data.cuda(), target.cuda() output = model(data) # sum up batch loss test_loss += F.nll_loss(output, target, size_average=False).item() # get the index of the max log-probability pred = output.data.max(1, keepdim=True)[1] test_accuracy += pred.eq(target.data.view_as(pred)).cpu().float().sum() # Horovod: use test_sampler to determine the number of examples in # this worker's partition. test_loss /= len(test_sampler) test_accuracy /= len(test_sampler) # Horovod: average metric values across workers. test_loss = metric_average(test_loss, 'avg_loss') test_accuracy = metric_average(test_accuracy, 'avg_accuracy') # Horovod: print output only on first rank. if hvd.rank() == 0: print('\nTest set: Average loss: {:.4f}, Accuracy: {:.2f}%\n'.format( test_loss, 100. * test_accuracy)) if __name__ == '__main__': args = parser.parse_args() args.cuda = not args.no_cuda and torch.cuda.is_available() # Horovod: initialize library. hvd.init() torch.manual_seed(args.seed) if args.cuda: # Horovod: pin GPU to local rank. torch.cuda.set_device(hvd.local_rank()) torch.cuda.manual_seed(args.seed) # Horovod: limit # of CPU threads to be used per worker. torch.set_num_threads(1) kwargs = {'num_workers': 1, 'pin_memory': True} if args.cuda else {} # When supported, use 'forkserver' to spawn dataloader workers instead of 'fork' to prevent # issues with Infiniband implementations that are not fork-safe if (kwargs.get('num_workers', 0) > 0 and hasattr(mp, '_supports_context') and mp._supports_context and 'forkserver' in mp.get_all_start_methods()): kwargs['multiprocessing_context'] = 'forkserver' train_dataset = \ datasets.MNIST('data-%d' % hvd.rank(), train=True, download=True, transform=transforms.Compose([ transforms.ToTensor(), transforms.Normalize((0.1307,), (0.3081,)) ])) # Horovod: use DistributedSampler to partition the training data. train_sampler = torch.utils.data.distributed.DistributedSampler( train_dataset, num_replicas=hvd.size(), rank=hvd.rank()) train_loader = torch.utils.data.DataLoader( train_dataset, batch_size=args.batch_size, sampler=train_sampler, **kwargs) test_dataset = \ datasets.MNIST('data-%d' % hvd.rank(), train=False, transform=transforms.Compose([ transforms.ToTensor(), transforms.Normalize((0.1307,), (0.3081,)) ])) # Horovod: use DistributedSampler to partition the test data. test_sampler = torch.utils.data.distributed.DistributedSampler( test_dataset, num_replicas=hvd.size(), rank=hvd.rank()) test_loader = torch.utils.data.DataLoader(test_dataset, batch_size=args.test_batch_size, sampler=test_sampler, **kwargs) model = Net() # By default, Adasum doesn't need scaling up learning rate. lr_scaler = hvd.size() if not args.use_adasum else 1 if args.cuda: # Move model to GPU. model.cuda() # If using GPU Adasum allreduce, scale learning rate by local_size. if args.use_adasum and hvd.nccl_built(): lr_scaler = hvd.local_size() # Horovod: scale learning rate by lr_scaler. optimizer = optim.SGD(model.parameters(), lr=args.lr * lr_scaler, momentum=args.momentum) # Horovod: broadcast parameters & optimizer state. hvd.broadcast_parameters(model.state_dict(), root_rank=0) hvd.broadcast_optimizer_state(optimizer, root_rank=0) # Horovod: (optional) compression algorithm. # compression = hvd.Compression.fp16 if args.fp16_allreduce else hvd.Compression.none compression = hvd.Compression.fp16 if args.fp16_allreduce else hvd.Compression.bit8 if args.bit8_allreduce else hvd.Compression.bit16 if args.bit16_allreduce else hvd.Compression.none # Horovod: wrap optimizer with DistributedOptimizer. optimizer = hvd.DistributedOptimizer(optimizer, named_parameters=model.named_parameters(), compression=compression, op=hvd.Adasum if args.use_adasum else hvd.Average) for epoch in range(1, args.epochs + 1): train(epoch) test()
AI-System/Labs/BasicLabs/Lab4/pytorch_mnist_compress.py/0
{ "file_path": "AI-System/Labs/BasicLabs/Lab4/pytorch_mnist_compress.py", "repo_id": "AI-System", "token_count": 3810 }
11
# Docker部署PyTorch训练程序 用户使用Docker部署应用程序时,一般要先写Dockerfile,通过Dockerfile构建镜像,通过镜像启动容器。 我们通过以下实例展开以上流程。 ## 构建Dockerfile 下面内容为我们所创建的Dockerfile中的内容,Docker会按顺序通过Dockerfile在构建阶段会执行了一系列Docker命令(FROM, RUN, WORKDIR, COPY, EXPOSE, CMD)和Linux Shell命令,我们通过注释介绍相应的命令功能。 ```sh # 继承自哪个基础镜像 FROM nvidia/cuda:10.1-cudnn7-devel # 创建镜像中的文件夹,用于存储新的代码或文件 RUN mkdir -p /src/app # WORKDIR指令设置Dockerfile中的任何RUN,CMD,ENTRPOINT,COPY和ADD指令的工作目录 WORKDIR /src/app # 拷贝本地文件到Docker镜像中相应目录 COPY pytorch_mnist_basic.py /src/app # 需要安装的依赖 RUN apt-get update && apt-get install wget -y RUN wget https://repo.continuum.io/miniconda/Miniconda3-latest-Linux-x86_64.sh -O miniconda.sh RUN bash miniconda.sh -b -p /opt/conda ENV PATH /opt/conda/bin:$PATH RUN conda install pytorch torchvision cudatoolkit=10.1 -c pytorch # 容器启动命令 CMD [ "python", "pytorch_mnist_basic.py" ] ``` - 当Docker文件准备好,可以通过命令 `docker build -t train_dl .`构建镜像 --- **注意:` . `在`docker build`命令中是一个相对文件路径,指向你存储Dockerfile的位置,所以使用前请先确认已经进入了含有Dockerfile的文件夹*** --- 当构建成功,会在控制台看到下面的日志 ```sh Successfully built 7e69d61fd488 ``` ## 构建Docker镜像 - 经过上面的操作,你已经具备构建了一个打包你的应用代码的镜像的前置条件。接下来我们通过下面的命令去构建Docker镜像: ```sh docker build -f Dockerfile.gpu -t train_dl . ``` `docker build` : 通过Dockerfile进而构建镜像的命令。 ` -t` : 't'代表标签。用户通过标签未来可以确定相应的镜像。 `train_dl` : 给镜像打上的标签名字。 ` . ` : 希望构建进镜像中的Dockerfile的相对路径。 ` -f ` : 指定构建进镜像中的Dockerfile。 ` Dockerfile.gpu` : 构建进镜像中的Dockerfile的文件名,如果机器没有GPU,可以用Dockerfile.cpu文件。 - 用户可以通过命令`docker images`查看本地镜像 --- 如果当前没有本地缓存 'pytorch/pytorch:latest'镜像, Docker会在构建阶段从Dockerhub Pull相应镜像到本地。 --- 执行成功,会看到日志: ``` Successfully built 384b59932a42 Successfully tagged train_dl:latest ``` ## 启动所构建镜像的容器实例 - 当前你的代码已经打包进镜像,并保存在本地机器。让我们通过下面的命令尝试启动它 `docker run --name training train_dl` 成功会观察到日志: ``` ... Train Epoch: 1 [31360/60000 (52%)] Loss: 0.106258 Train Epoch: 1 [32000/60000 (53%)] Loss: 0.038731 Train Epoch: 1 [32640/60000 (54%)] Loss: 0.093579 Train Epoch: 1 [33280/60000 (55%)] Loss: 0.058011 Train Epoch: 1 [33920/60000 (57%)] Loss: 0.050009 Train Epoch: 1 [34560/60000 (58%)] Loss: 0.197533 Train Epoch: 1 [35200/60000 (59%)] Loss: 0.042063 Train Epoch: 1 [35840/60000 (60%)] Loss: 0.033598 ... ``` - 执行`docker ps`检查是否当前容器已经启动。 - 最终清理容器,如果创建执行`docker run`时附件参数`--rm`你只需要停止所有正在运行的容器。`docker stop <container-name>`之后它们会自动删除自己。也可以通过`docker rm <container-name/id>`删除容器。 --- 推荐搜索[Dockerhub](https://hub.docker.com/explore/)获取官方构建的基础镜像。例如, in the official [PyTorch image](https://hub.docker.com/r/pytorch/pytorch)。这样再构建自己的Dockerfile时只需要很少的代码。 --- #### 本节作业 * 参考以上方式,通过容器创建之前训练模型的容器 1 提交Dockerfile 2 build镜像,提交镜像构建成功的日志。参考"构建Docker镜像"。 例如: ``` Successfully built 384b59932a42 Successfully tagged train_dl:latest ``` 3 启动训练程序,提交训练成功日志。参考"启动所构建镜像的容器实例"。 例如: ``` ... 9913344it [00:00, 25314349.44it/s] 29696it [00:00, 760083.06it/s] 1649664it [00:00, 6946540.85it/s] 5120it [00:00, 35911097.79it/s] ... Train Epoch: 1 [49920/60000 (83%)] Loss: 0.195172 Train Epoch: 1 [50560/60000 (84%)] Loss: 0.052903 Train Epoch: 1 [51200/60000 (85%)] Loss: 0.262594 Train Epoch: 1 [51840/60000 (86%)] Loss: 0.066995 Train Epoch: 1 [52480/60000 (87%)] Loss: 0.022450 Train Epoch: 1 [53120/60000 (88%)] Loss: 0.239718 Train Epoch: 1 [53760/60000 (90%)] Loss: 0.152097 Train Epoch: 1 [54400/60000 (91%)] Loss: 0.047996 Train Epoch: 1 [55040/60000 (92%)] Loss: 0.250904 Train Epoch: 1 [55680/60000 (93%)] Loss: 0.048776 Train Epoch: 1 [56320/60000 (94%)] Loss: 0.090460 Train Epoch: 1 [56960/60000 (95%)] Loss: 0.088897 Train Epoch: 1 [57600/60000 (96%)] Loss: 0.124534 Train Epoch: 1 [58240/60000 (97%)] Loss: 0.144476 ... ``` ## 下一步 下一步教程 [3. Docker部署PyTorch推理程序](./inference.md) #### 参考资料: - [Dockerfile reference](https://docs.docker.com/engine/reference/builder/) - [Dockerhub](https://hub.docker.com/) - [Official node image on Dockerhub](https://hub.docker.com/_/node/)
AI-System/Labs/BasicLabs/Lab5/train.md/0
{ "file_path": "AI-System/Labs/BasicLabs/Lab5/train.md", "repo_id": "AI-System", "token_count": 3123 }
12
<!--Copyright © Microsoft Corporation. All rights reserved. 适用于[License](https://github.com/microsoft/AI-System/blob/main/LICENSE)版权许可--> # 人工智能安全与隐私(AI Security and Privacy) # 简介 随着人工智能系统在自动驾驶、人脸识别、推荐系统等领域的研究与应用,人工智能相关的安全与隐私问题也获得了广泛的关注和研究。一方面,人工智能输出的结果可能非常重要,会影响人身安全、财产安全、社会公平等;另一方面,人工智能系统的涉及到数据可能非常敏感,如人脸、浏览记录、社交关系等。因此,需要负责任的人工智能([Responsible AI](https://www.microsoft.com/en-us/ai/responsible-ai))以及安全、保护隐私、可信的人工智能系统。 要达成上述目标,需要在人工智能的全周期中提供安全与隐私保障。因为针对人工智能的安全攻击可能发生在训练数据、模型、生产环境中;隐私泄露也可能发生在训练、部署、使用等各个阶段。本章我们将分别从人工智能的内在安全与隐私,训练时的安全与隐私,部署与使用时(统称为服务时)的安全与隐私三个方面介绍相关基础与进展。注意,前面章节所讲的“训练阶段”与“推理阶段”强调的是模型计算过程,分别是训练时与服务时的一个重要组成部分;本章将说明除了高效的训练与推理之外,还需要额外的过程(如异常检测、加密解密)才能保障安全与隐私。 <center> <img src="./img/12-0-1-lifecycle.png"/></center> <center>图 12.0.1 深度学习模型的生命周期</center> # 内容概览 本章包含以下内容: - [12.1 人工智能内在安全与隐私](12.1-人工智能内在安全与隐私.md) - [12.2 人工智能训练安全与隐私](12.2-人工智能训练安全与隐私.md) - [12.3 人工智能服务安全与隐私](12.3-人工智能服务安全与隐私.md)
AI-System/Textbook/第12章-人工智能安全与隐私/12-前言.md/0
{ "file_path": "AI-System/Textbook/第12章-人工智能安全与隐私/12-前言.md", "repo_id": "AI-System", "token_count": 1335 }
13
<!--Copyright © Microsoft Corporation. All rights reserved. 适用于[License](https://github.com/microsoft/AI-System/blob/main/LICENSE)版权许可--> # 第2章 神经网络基础 ## 简介 在本章中,我们将会简要叙述当前无论在学术界还是工业界都非常热门的深度学习的基础 —— 神经网络 —— 的基本知识。 根据读者的不同情况,可能会有以下三种情况: - 熟悉神经网络的读者可以跳过本章的学习。 - 没有神经网络知识的读者,通过对以下内容的学习,可以了解神经网络的基本脉络。 - 想进一步深入了解更多、更细的知识,请参考《智能之门》或其他参考书。 后续章节的所有内容,都是以本章作为基础的,所以希望读者牢固掌握本章的知识。 ## 内容概览 - [神经网络基本概念](2.1-神经网络基本概念.md) - [神经网络的训练](2.2-神经网络的训练.md) - [用神经网络解决回归问题](2.3-解决回归问题.md) - [用神经网络解决分类问题](2.4-解决分类问题.md) - [深度神经网络基础知识](2.5-深度神经网络.md) - [梯度下降的优化算法](2.6-梯度下降的优化算法.md) - [卷积神经网络基础知识](2.7-卷积神经网络.md) - [循环神经网络基础知识](2.8-循环神经网络.md) ### 参考 1. 《智能之门》,胡晓武等著,高等教育出版社 2. Duchi, J., Hazan, E., & Singer, Y. (2011). Adaptive subgradient methods for online learning and stochastic optimization. Journal of Machine Learning Research, 12(Jul), 2121-2159. 3. Zeiler, M. D. (2012). ADADELTA: an adaptive learning rate method. arXiv preprint arXiv:1212.5701. 4. Tieleman, T., & Hinton, G. (2012). Lecture 6.5-rmsprop: Divide the gradient by a running average of its recent magnitude. COURSERA: Neural networks for machine learning, 4(2), 26-31. 5. Kingma, D. P., & Ba, J. (2014). Adam: A method for stochastic optimization. arXiv preprint arXiv:1412.6980. 6. 周志华老师的西瓜书《机器学习》 7. Chawla N V, Bowyer K W, Hall L O, et al. SMOTE: synthetic minority over-sampling technique[J]. Journal of Artificial Intelligence Research, 2002, 16(1):321-357. 8. Inoue H. Data Augmentation by Pairing Samples for Images Classification[J]. 2018. 9. Zhang H, Cisse M, Dauphin Y N, et al. mixup: Beyond Empirical Risk Minimization[J]. 2017. 10. 《深度学习》- 伊恩·古德费洛 11. Shaoqing Ren, Kaiming He, Ross Girshick, and Jian Sun, Faster R-CNN: Towards Real-Time Object Detection with Region Proposal Networks. Link: https://arxiv.org/pdf/1506.01497v3.pdf
AI-System/Textbook/第2章-神经网络基础/2-前言.md/0
{ "file_path": "AI-System/Textbook/第2章-神经网络基础/2-前言.md", "repo_id": "AI-System", "token_count": 1445 }
14
<!--Copyright © Microsoft Corporation. All rights reserved. 适用于[License](https://github.com/microsoft/AI-System/blob/main/LICENSE)版权许可--> # 4.2 计算机体系结构与矩阵运算 前面一节我们了解到现在主流深度学习的一个核心计算模式就是矩阵运算,高效地支持矩阵运算便成了深度学习时代体系结构和性能优化的一个重要课题。我们知道,硬件的设计需要针对主流应用的特点仔细的考虑其计算、存储、并行度、功耗等等方面的配比,才能发挥其了优的性能。在本节中,我们以CPU为主来理解其基本体系结构、发展趋势和在支持深度学习上的优势及不足。 ## 4.2.1 CPU体系结构 CPU体系结构并不是针对计算密集型任务而设计的,其主要支持的计算是如何高效地执行通用程序,为了能够灵活地支持不用类型的计算任务,一个CPU核上需要引入较为复杂的控制单元来优化针对动态程序的调度,由于一般的计算程序的计算密度低,因此,CPU核上只有较少量的算术逻辑单元(ALU)来处理数值类型的计算,如图4-2-1左部分所示。在CPU核上执行一条计算执行需要经过一个完整的执行流水线,包括读取指令、译码、在ALU上计算结果、和写回,如图图4-2-1右半部分所示,在整个流水线上,大量的时间和功耗都花在了ALU之外的非计算逻辑上。由于需要计算的数据一般存储在主存中,其访存延时往往和计算延时有数量级的差距,直接从主存中访问数据并计算会导致计算单元利用率极低,因此,为了加快访存速度,一般会在主存和寄存器之间加上多层缓存层。 <center> <img src="./img/4-2-1-cpu.png" /></center> <center>图4-2-1. CPU体系结构和指令执行流程示意图</center> 这样的结构针对通用的计算机程序有较高的灵活性,但是处理深度学习中的大部分运算时,性能和单位功耗的算力都相对较低。为了提升CPU的性能,新的CPU主要从以下几个方面提升性能: * 在单核上增加指令并发执行能力:通过乱序执行互不依赖的指令,重叠不同指令的流水线,从而增加指令发射吞吐; * 增加多核并发处理能力:通过多核并发执行增加并行处理能力,这需要依赖操作系统将应用程序调度到多核上,或者依赖用户的程序中显示使用多线程进行计算; * 在单核上增加向量化处理能力:允许CPU在向量数据上执行相同的指令,也就是针对一条指令的取指和译码可以对多个数据同时执行,如图4-2-2所示,从而大大增加CPU的计算效率。向量化计算需要用户程序中显示使用向量化指令来实现。 <center> <img src="./img/4-2-2-vec.png" /></center> <center>图4-2-2. CPU中的向量化指令执行示意图</center> ## 4.2.2 CPU实现高效计算矩阵乘 现在,我们通过新自实现一个简单的矩阵乘法,来理解体系结构中的设计特点和优化方法。假设我们在CPU上计算一个矩阵乘法 $C=A\times B$ ,其中$A=[M,K], B=[K,N]$。一种最简单直接的实现方法就是通过三重循环计算每一个$C$中的元素,如下述代码所示: ``` for (int i = 0; i < M; i++) { for (int j = 0; j < N; j++) { C[i, j] = 0; for (int k = 0; k < K; k++>) { C[i, j] += A[i, k] * B[k, j]; } } } ``` 然而,这样的实现方式往往不能发挥CPU的最佳性能,我们通过下面的示意图来了解在计算过程中的内存访问情况,并分析这里面的潜在性能欠优化的地方。图4-2-3展示了上述简单算法在各个内存层中的情况,首先,我们假设在寄存器和主存之间只有一层缓存层(L1 cache),其缓存访问宽度为8个元素(cache line)。因此,当计算C中的一个元素时,我们需要分别访问A和B中对应的一个元素,这时在L1缓存中就会访问元素相应的一个缓存线(即8个元素)。随着在K维的循环变量k的增长,对于矩阵A来说,接下的元素访问都刚好在缓存中,因此速度会非常快。然后,对于B矩阵,由于下一个元素刚好在下一个缓存线中,于是又需要从主存中访问8个新的元素,这将会成为整个计算过程的瓶颈。除此之外,每次循环只访问计算C中的一个元素,如前面所介绍,每条计算指令都需要完整的流水线操作,花费较大的时间和功耗开销。这些都简单实现方法中存在的性能问题的原因。 <center> <img src="./img/4-2-3-mat0.png" /></center> <center>图4-2-3. 简单方法实现的矩阵乘法访存示意图</center> ``` 思考:解决上述B矩阵缓存的问题,可否通过将B矩阵转置来实现呢? ``` 为了优化上述低效问题,我们需要从以下两个方面优化矩阵的性能: * 通过更好的利用缓存来增加访存效率 * 通过使用向量化指令来增加计算吞吐 首先,为了更好的利用缓存,我们可以一次性计算C中的连续多个元素,如图4-2-4所示,这样每次针对B矩阵的访存就可以缓存中被多次利用。其次,为了降低每次计算的指令开销并增加计算吞吐,我们可以通过向量化指令一次同时计算多个元素。这样优化后,在一个CPU核上的计算性能就可以提到较大的提升。 <center> <img src="./img/4-2-3-mat1.png" /></center> <center>图4-2-4. 简单方法实现的矩阵乘法访存示意图</center> 然而,在实际的实现优化中,我们还需要考虑到更多层缓存的重用,因此实际中往往需要将A和B矩阵划分成合适大小的块,使得最终的访问性能刚好达到最大硬件性能。除了块优化和向量化指令,一个高效的矩阵乘还需要进一步考虑其它与硬件相关的优化,包括如何高效的划分计算使得其能更好利用多核的并行性,如何上访存和计算做到更好的重叠,等等。所幸的是,由于CPU上的软件库的发展已经相对成熟,我们在深度学习框架里实现矩阵乘算子是可以直接调用现有的BLAS库,如Intel的Math Kernel Library (MKL)。 ## 4.2.3 实验:在CPU上实现一个矩阵乘法算子 ### 实验目的 1. 理解深度学习框架中的张量算子的原理 2. 基于不同的优化方法实现新的张量运算,并比较性能差异 ### 实验原理 1. 深度神经网络中的张量运算原理 2. PyTorch中基于Function和Module构造张量的方法 3. 通过C++扩展编写Python函数模块 ### 实验内容与具体步骤 <center> <img src="./img/4-2-4-flow.png" width="180" height="" /></center> <center>图4-2-4.实验流程图</center> 1. 在MNIST的模型样例中,选择线性层(Linear)张量运算进行定制化实现 2. 理解PyTorch构造张量运算的基本单位:Function和Module 3. 基于Function和Module的Python API重新实现Linear张量运算 1. 修改MNIST样例代码 2. 基于PyTorch Module编写自定义的Linear 类模块 3. 基于PyTorch Function实现前向计算和反向传播函数 4. 使用自定义Linear替换网络中nn.Linear() 类 5. 运行程序,验证网络正确性 4. 理解PyTorch张量运算在后端执行原理 5. 实现C++版本的定制化张量运算 1. 基于C++,实现自定义Linear层前向计算和反向传播函数,并绑定为Python模型 2. 将代码生成python的C++扩展 3. 使用基于C++的函数扩展,实现自定义Linear类模块的前向计算和反向传播函数 4. 运行程序,验证网络正确性 6. 使用profiler比较网络性能:比较原有张量运算和两种自定义张量运算的性能 7. 【可选实验,加分】通过矩阵乘法实现卷积层(Convolutional)的自定义张量运算 ### 参考代码 1. 基于Python API实现定制化张量运算Linear 代码位置:https://github.com/microsoft/AI-System/blob/main/Labs/BasicLabs/Lab2/mnist_custom_linear.py 运行命令:`python mnist_custom_linear.py` 2. 基于C++ API实现定制化张量运算Linear 代码位置:https://github.com/microsoft/AI-System/blob/main/Labs/BasicLabs/Lab2/mnist_custom_linear_cpp.py 运行命令: ``` cd mylinear_cpp_extension python setup.py install --user cd .. python mnist_custom_linear_cpp.py ``` ## 小结与讨论 通过本章的学习我们了解到了CPU体系结构的基本原理,以学习了如何在CPU上实现一个简单的矩阵运算,进一步根据CPU中的访存特点,我们也针对该算法进行了优化。最后,通过实验的练习我们知道如何将一个实现好的矩阵乘法最终应用到一个深度学习框架中。 思考:请列举一些你能想到的其它CPU体系结构特点,以及思考这些特点对矩阵乘法甚至其它运算带来的好处和影响。 ## 参考文献 1. https://en.wikipedia.org/wiki/Computer_architecture 2. https://en.wikipedia.org/wiki/Advanced_Vector_Extensions 3. https://en.wikipedia.org/wiki/Streaming_SIMD_Extensions 4. https://www.intel.com/content/www/us/en/develop/documentation/get-started-with-mkl-for-dpcpp/top.html 5. https://developer.nvidia.com/cublas 6. https://pytorch.org/docs/master/notes/extending.html
AI-System/Textbook/第4章-矩阵运算与计算机体系结构/4.2-计算机体系结构与矩阵运算.md/0
{ "file_path": "AI-System/Textbook/第4章-矩阵运算与计算机体系结构/4.2-计算机体系结构与矩阵运算.md", "repo_id": "AI-System", "token_count": 6330 }
15
<!--Copyright © Microsoft Corporation. All rights reserved. 适用于[License](https://github.com/microsoft/AI-System/blob/main/LICENSE)版权许可--> # 深度学习的编译与优化 (Deep Learning Compliation and Optimization) # 简介 随着深度学习的应用场景的不断泛化,深度学习计算任务也需要部署在不同的计算设备和硬件架构上;同时,实际部署或训练场景对性能往往也有着更为激进的要求,例如针对硬件特点定制计算代码。这些需求在通用的深度学习计算框架中已经难已得到满足。由于深度学习计算任务在现有的计算框架中往往以DSL(Domain Specific Language)的方式进行编程和表达,这本身使得深度学习计算任务的优化和执行天然符合传统计算机语言的编译和优化过程。因此,深度学习的编译与优化就是将当前的深度学习计算任务通过一层或多层中间表达进行翻译和优化,最终转化成目标硬件上的可执行代码的过程。本章将围绕现有深度学习编译和优化工作的内容展开介绍。 # 内容概览 本章包含以下内容: - [5.1 深度神经网络编译器](5.1-深度神经网络编译器.md) - [5.2 计算图优化](5.2-计算图优化.md) - [5.3 内存优化](5.3-内存优化.md) - [5.4 内核优化](5.4-内核优化.md) - [5.5 算子调度优化](5.5-算子调度优化.md)
AI-System/Textbook/第5章-深度学习框架的编译与优化/5-前言.md/0
{ "file_path": "AI-System/Textbook/第5章-深度学习框架的编译与优化/5-前言.md", "repo_id": "AI-System", "token_count": 956 }
16
<!--Copyright © Microsoft Corporation. All rights reserved. 适用于[License](https://github.com/microsoft/AI-System/blob/main/LICENSE)版权许可--> # 6.1 分布式深度学习计算简介 - [6.1 分布式深度学习计算简介](#61-分布式深度学习计算简介) - [6.1.1 串行计算到并行计算的演进](#611-串行计算到并行计算的演进) - [6.1.2 并行计算加速定律](#612-并行计算加速定律) - [6.1.3 深度学习的并行化训练](#613-深度学习的并行化训练) - [小结与讨论](#小结与讨论) - [参考文献](#参考文献) 在了解具体的分布式技术之前,让我们首先简要回顾作为其基础的并行计算的一些基本概念。 ## 6.1.1 串行计算到并行计算的演进 计算机最初的设计是采用单处理器串行执行的处理方式。这样的硬件结构简单,软件的编写也比较容易。例如,当给定一个具体问题时,设计串行算法求解是较为简单直接的。之后我们便可以将求解算法的过程书写成对应的计算机程序,由编译器翻译为机器能够执行的指令,发送给硬件运行。如下图所示,程序的指令依照顺序,连同输入的数据送入中央处理器核心(CPU core),经过处理计算产生计算的结果数据。 <center><img src="./img/image1b.png" width="500" height="" /></center> <center>图6-1-1: 使用单处理器的程序处理过程 </center> 正由于算法的设计较为容易、硬件结构简单成本低廉等多方面的原因,人们日常生活中接触到的计算机在其诞生后的数十年内都是单核心中央处理器(single-core CPU),也就是单个中央处理器中仅有一个处理核心。 **从串行计算转向并行计算** 但是串行计算的处理能力受限于单处理器的运算能力。虽然单处理器的能力在不断发展,但当问题规模 (数据量+计算量)增大的速度更快,以至于单一设备处理速度无法满足时,矛盾就会显现。比如下图,包括天气预测在内的大量科学计算问题在很早的时候就遇到了这样的矛盾而转向并行计算[<sup>[1]</sup>](#IntroParallel)。而随着数字多媒体、游戏等应用的繁荣,个人计算机方面在2005年前后也遇到了类似的矛盾,而后由Intel和AMD分别推出了多核处理器予以应对。 <center><img src="./img/image2.png" width="600" height="" /></center> <center><img src="./img/image3.png" width="600" height="" /></center> <center><img src="./img/image4.png" width="600" height="" /></center> <center>图6-1-2: 并行计算涉及的大规模运算 (<a href=https://computing.llnl.gov/tutorials/parallel_comp>图片来源</a>)</center> **深度学习的计算复杂度** 相比于传统高性能计算,深度学习理论虽然已存在数十年(例如反向梯度传播早在1970已被提出 [Seppo Linnainmaa](https://en.wikipedia.org/wiki/Seppo_Linnainmaa))[<sup>[2]</sup>](#BackwardTheory)但是在2010年后才逐渐转向实用。 一个重要的原因就是深度学习算法基于统计的高阶非线性模型拟合,计算的复杂度从原理上即高于其它算法。更严峻的问题是,为了追求更高的算法精准度,深度学习模型的规模也同步高速增长。这对于模型的计算,尤其是训练带来了极大的挑战。 **更优的模型 -&gt; 更大的计算复杂度** 下图通过近年多个模型,展示了深度学习模型中的准确度和训练计算量关系[<sup>[3]</sup>](#BenchAnalysisDNN)。图中的纵轴用模型"前5个返回结果的准确度"表示其准确性,横轴表示计算的复杂度(单位:十亿浮点数),每个圆盘代表一个模型,其半径表示参数量(单位:百万)。 <center><img src="./img/image5.png" width="600" height="" /></center> <center>图6-1-3: Top-5准确率(纵轴)与计算复杂程度(横轴:单次神经网络前向计算量)的关系,通过圆盘的尺寸表示模型参数量的大小关系 <Top-5 accuracy vs. computational complexity (single forward pass) *Benchmark Analysis of Representative Deep Neural Network Architectures*> (<a href=https://arxiv.org/pdf/1810.00736.pdf>图片来源</a>) </center> 从图中我们可以明显看出:整体而言,伴随着准确率的提升,模型单次迭代所需的计算量和模型的参数量是同步增加的。这说明,为了得到准确度更高的模型,我们需要花费更多的参数存储,以及更高的计算量。 考虑固定的计算能力,更高的计算量意味着更长的处理时间。 因此在这样的趋势之下,深度学习训练的耗时已经成为一个亟待解决的问题。例如,语言模型BERT-Large如果采用单个CPU训练,则需要以年为单位计算的时间。 <!-- //NOTE not real single processor --> 因此,类似于高性能计算,大规模深度学习的训练也求助于并行计算来解决单处理器算力不足与计算需求过高的矛盾。如下图所示,从原理上来讲,并行计算通过**并行算法**将问题的求解进行划分,并将编译的指令分发给**分布式系统**中的多处理器并行执行。这样一来,所有的计算量被分摊到多个计算单元之上,相比于串行计算,并行计算中的每个计算单元只需要负责部分的计算,缩短了整体的计算时间。 <center><img src="./img/image6b.png" width="800" height="" /></center> <center>图6-1-4: 采用多处理器并行执行程序的过程 </center> 在并行算法和并行处理硬件的加持下,并行的处理可以极大缩短深度学习的计算时间: 例如,在BERT-Large模型的训练中,如果用单枚包含80个并行硬件执行单元的V100 GPU训练,则可以将训练耗时降至1个月多。 而通过将1472个V100 GPU相互连结,科学家们甚至可以实现47分钟完成这个模型的训练[<sup>[6]</sup>](#BERT47min)。 我们可以清楚的看到,随着计算的并行化程度的增大,计算的时间得到了数个量级的改善。这对于探索大规模问题有着不可替代的意义。 ## 6.1.2 并行计算加速定律 为了更为精确地分析并行计算的加速,有效地指导我们制定并行策略,我们需要用到一些加速定律。 - 阿姆达尔定律 (Amdahl's law) [阿姆达尔定律](<https://en.wikipedia.org/wiki/Amdahl%27s_law>)[<sup>[4]</sup>](#Amdahl)可以表达为以下公式: $$ S = \frac{1}{(1-p)+\frac{p}{N}} $$ 其中: - $S$ 是整个任务并行化后执行的理论加速比 - $p$ 是任务中可并行化部分所占整个任务的比例 - $N$ 是任务中可并行化部分投入的资源,亦即处理器数 阿姆达尔定律主要分析在问题规模不变的情况下,增加处理能力能够带来多大的加速率。其关于加速极限的基本结论是:存在加速的极限,为非可并行计算的占比之倒数$\frac{1}{1-p}$。该定律指导我们设计模型的时候需要尽量考虑增大可并行部分的比例。换言之,更适合并行加速的模型能够获得更高的计算效率,往往更容易提升规模以获得更好的准确率。注意力(attention)模型替代LSTM模型用于自然语言处理的过程便是这样一个例子,原本顺序执行、难以并行化的LSTM逐渐被更容易并行执行的注意力模型淘汰。 - Gustafson定律 (Gustafson’s law) [Gustafson定律](<https://en.wikipedia.org/wiki/Gustafson%27s_law>)[<sup>[5]</sup>](#Gustafson)可表达为如下公式: $$ S = (1-p) + p \times N $$ 其中: - $S$ 是整个任务并行化后执行的理论加速比 - $p$ 是任务中可并行化部分所占整个任务的比例 - $N$ 是处理器数 与阿姆达尔定律悲观的加速极限相比,Gustafson定律的设定允许计算问题的规模随着处理能力的增加而相应地增长,从而避免了加速比提升受限的问题。这和机器学习的许多问题更为契合。例如,首先给定的计算力,然后处理问题的规模是可以通过模型结构、数据量、超参数等方面的调整来匹配计算力。 ## 6.1.3 深度学习的并行化训练 深度学习的训练数据是给定的,单步计算量取决于模型的复杂程度和批尺寸(Batch Size),结合计算速率可以算得训练耗时(如下式)。其中前两个因素与问题相关,通常较为固定,因而我们分布式训练优化的目标就是在给定的问题下提高计算速率。 在深度学习中,由于学习率等超参数的调整与批尺寸决定的高度相关,因而依照Gustafson定律改变单步计算量更为复杂,例如 并行训练BERT[<sup>[7]</sup>](#BERT76min) 引入了全新的LARS优化器才能保证模型在设置了更大的批尺寸后依然能够收敛。 <center><img src="./img/image9.png" width="400" height="" /></center> <center>图6-1-5: 分布式深度学习的研究目标 </center> 计算速率又可进一步被分解为但设备计算速率、设备数量和并行效率之间的乘积。受限于工艺和功耗的限制,单设备的运算速率相对有限。因此,我们的工作重点在于增加可用的设备数以及提高设备的并行效率。 深度学习的模型建立在高维张量的运算操作之上。这类的运算包含着丰富的可并行潜力。如下图所示,在一个典型的深度学习计算中,张量计算涉及可以并发的多个操作运算,而在单个张量运算子中也可并发地处理多个样本输入。 <center><img src="./img/image10b.png" width="800" height="" /></center> <center>图6-1-6: 深度学习数据流图中的可并行的潜力 </center> 因此,我们相应地将深度学习训练的并行化基本方案划分为**算子内并行**和**算子间并行**。**算子内并行**保持已有的算子的组织方式,探索将单个深度学习算子有效地映射到并行硬件设备上的执行。而**算子间并行**则更注重发掘多个算子在多个设备上并行执行的策略,甚至解耦已有的单个算子为多个等效算子的组合,进一步发掘并行性。 - 算子内并行 算子并行:并行单个张量计算子内的计算(GPU多处理单元并行) 算子内并行主要利用线性计算和卷积等操作内部的并行性。通常一个算子包含多个并行维度,常见的例如:批次(Batch)维度(不同的输入样本(Sample))、空间维度(图像的空间划分)、时间维度(RNN网络的时序展开)。在目前主流的深度学习框架中,这些并行的维度通过SIMD架构等多执行单元达到同时并行运算的目的。 在下图的的例子中,原本的卷积算法需要在整个图片数据上滑动卷积核顺序执行。而通过im2col对于图片数据和卷积核数据的重新整理,能够将计算重新组织成可并行执行的形式——结果矩阵$O_m$中的每个数值可以并行计算同时获得。 途中左上角的IFmaps代表同一张图片的红、绿、蓝三个通道。卷积Filters对应着各个通道的多个卷积核(convolution kernel),这里每个通道有**2**个卷积核,表示卷积操作的输出通道数为**2**。 通过将IFmaps和Filters中的元素重新排布为矩阵IFmap matrix和Filter matrix,原本的滑动卷积操作就可以转换为这两个矩阵的相乘计算,而计算的结果保持不变。例如,我们可以看到之前IFmaps上方的图片通过卷积应该得到输出为$O0 = I0 * F0 + I1 * F1 + I3 * F2 + I4 * F3 ...$,这与IFmap matrix矩阵的第一行乘以Filter matrix矩阵的第一列相等。 <center><img src="./img/image11b.png" width="500" height="" /></center> <center>图6-1-7: 图像卷积计算的im2col并行 (<a href=https://ieeexplore.ieee.org/abstract/document/8695646>图片来源</a>) </center> 算子内并行的处理通常存在深度学习框架中,通过设备专有函数的形式发挥作用。比如PyTorch在运行在NVIDIA GPU上时会调用cuDNN中的卷积函数完成在GPU上的算子并行。 - 算子间并行 算子内并行依然将思考的范围限定在单个算子上。而在深度学习训练中,并行的潜力广泛存在于多个算子之间。根据获得并行的方式,算子间并行的形式主要包含: > 数据并行:多个样本并行执行 > 模型并行:多个算子并行执行 > 组合并行:多种并行方案组合叠加 不同的形式拥有众多的具体算法,我们会在接下来的章节具体加以介绍。 ## 小结与讨论 本节通过介绍传统并行计算的发展和机器学习演进的相似点,引导读者思考分布式机器学习的必要性。又通过并行相关理论的简单介绍,希望能够启迪读者重新审视分布式机器学习的问题定义和研究目的。而后梳理了机器学习中可并行的方式,理清分布式机器学习在不同模块进行不同侧重点并行的基本情况。 ## 参考文献 <div id="IntroParallel"></div> 1. [Introduction to Parallel Computing Tutorial](https://hpc.llnl.gov/documentation/tutorials/introduction-parallel-computing-tutorial) <div id="BackwardTheory"></div> 2. [Seppo Linnainmaa, Algoritmin kumulatiivinen pyoristysvirhe yksittaisten pyoristysvirheiden taylor-kehitelmana](https://people.idsia.ch/~juergen/linnainmaa1970thesis.pdf) <div id="BenchAnalysisDNN"></div> 3. [Benchmark Analysis of Representative Deep Neural Network Architectures](https://arxiv.org/pdf/1810.00736.pdf) <div id="Amdahl"></div> 4. [阿姆达尔定律](https://en.wikipedia.org/wiki/Amdahl%27s_law) <div id="Gustafson"></div> 5. [Gustafson定律](https://en.wikipedia.org/wiki/Gustafson%27s_law) <div id="BERT47min"></div> 6. [NVIDIA Tensor Core GPUs Train BERT in Less Than An Hour](https://developer.nvidia.com/blog/training-bert-with-gpus/) <div id="BERT76min"></div> 7. [Large Batch Optimization for Deep Learning: Training BERT in 76 minutes (ICLR’20)]() <div id="AISysDistTrain"></div> 8. [Joseph E. Gonzalez AI-Systems Distributed Training](https://ucbrise.github.io/cs294-ai-sys-fa19/assets/lectures/lec06/06_distributed_training.pdf)
AI-System/Textbook/第6章-分布式训练算法与系统/6.1-分布式深度学习计算简介.md/0
{ "file_path": "AI-System/Textbook/第6章-分布式训练算法与系统/6.1-分布式深度学习计算简介.md", "repo_id": "AI-System", "token_count": 9254 }
17
<!--Copyright © Microsoft Corporation. All rights reserved. 适用于[License](https://github.com/microsoft/AI-System/blob/main/LICENSE)版权许可--> # 7.5 存储 <center> <img src="./img/5/7-5-10-storagerelated.png" /></center> <center>图 7.5.1 平台存储 </center> 在之前的章节,我们已经介绍面向深度学习的集群管理系统的运行时与调度。如图 7.5.1,本章将围绕平台中的存储,文件系统来展开。计算,存储与网络是构成平台的重要基本组件,在深度学习系统中,我们常常关注计算与网络,却忽视存储的重要性。本章将围绕平台中的存储内容展开。 - [7.5 存储](#75-存储) - [7.5.1 沿用大数据平台存储路线](#751-沿用大数据平台存储路线) - [7.5.2 沿用高性能计算平台存储路线](#752-沿用高性能计算平台存储路线) - [7.5.3 面向深度学习的存储](#753-面向深度学习的存储) - [小结与讨论](#小结与讨论) - [参考文献](#参考文献) # 7.5.1 沿用大数据平台存储路线 当前一部分人工智能平台工程师拥有大数据平台开发背景或平台本身归于或衍生于大数据平台组,所以有些平台文件系统和存储选型时沿用大数据平台的存储策略作为初始的平台存储方案。 - 分布式文件系统: 例如,开源人工智能平台 OpenPAI 中采用 [Hadoop HDFS](https://hadoop.apache.org/hdfs/)[<sup>[1]</sup>](#hdfs) 作为存储方案。HDFS 是一种分布式文件系统,最初是作为 Apache Nutch 网络搜索引擎项目的基础设施而构建的,是广泛用于大数据系统的文件系统。它与已有的分布式文件系统有很多相似之处。HDFS 通过副本机制,具有高度容错性,旨在部署在低成本硬件上。HDFS 提供对应用程序数据的高吞吐量访问,适用于拥有大量数据集的应用程序。HDFS 放宽了一些 POSIX 要求,以支持对文件系统数据的流式访问。HDFS 本身适合顺序读写,不适合随机读写,不建议对小文件访问。其主要为主存和磁盘之间数据读写而设计,没有针对 GPU 显存和主存之间的数据读写进行特定支持和优化,这些劣势会造成深度学习负载下的一些性能问题和瓶颈。 <center> <img src="./img/5/7-5-3-duplication.png" ch="500" width="900" height="500" /></center> <center>图 7.5.2 Hadoop HDFS 架构和副本机制(<a href="https://hadoop.apache.org/docs/r1.2.1/hdfs_design.html">图片引用 HDFS 文档</a>)</center> 如图所示,像 HDFS 这类分布式文件系统,一般是主(图中 Namenode)- 从(图中 Datanodes)架构,主节点负责整体资源管理,负载均衡,请求调度,从节点负责管理对应服务器的数据管理,服务数据读写请求。其中每个客户端(Client)的文件读写会通过主节点分发到从节点进行数据读写。每个文件会被拆分成数据块(Block),并通过副本(Replication)机制,在多台服务器节点留有冗余备份,当节点失效(Failure),能够恢复。这也是之前第一章介绍的冗余(Redundancy)在系统可靠性(Dependability)设计中的应用。 但是 HDFS 应用到深度学习平台扔存在一些问题需要注意。对深度学习框架来说,原生对大数据存储系统接口支持并不充分,造成有些框架需要自己定义自定义数据读取器,相比大数据框架效率低,实现容易性能差。更通用的场景是用户通过 FUSE 挂载方式将其挂载到节点上使用。以上两种方式都没有像原生大数据框架一样在读取器层就考虑数据局部性(Locality),减少数据搬运开销。同时用户使用习惯不同,使用不当也容易产生小文件读写的性能低下执行行为。从硬件角度,GPU 显存和磁盘间还有一层主存,这部分的缓存处理逻辑也抛给了用户和框架,操作不便且容易造成性能问题。 - 云存储:例如,微软 Azure 云平台中的 Azure Blob[<sup>[2]</sup>](#blob),亚马逊云平台中的 S3[<sup>[3]</sup>](#s3) 等。对于基础架构部署于公有云平台的公司,云平台提供的文件系统不失为一个较好的选择。通过用户空间文件系统([Filesystem in Userspace](https://en.wikipedia.org/wiki/Filesystem_in_Userspace))简称 FUSE 或者 HDFS 兼容的访问接口和协议进行访问。云平台的存储提供冗余备份保证可靠性,并通过数据中心高速网络的支持,提供近似本地存储的高速存储访问带宽。但是其通常为通用场景所设计,其 FUSE 等接口一般定位为通用外围工具而开发设计,没有对深度学习负载和特点提供定制化的优化和支持。 <center> <img src="./img/5/7-5-5-fuse.png"/></center> <center>图 7.5.3 用户空间文件系统(Filesystem in Userspace)访问云端存储(例如,Azure Blob)(<a href="https://en.wikipedia.org/wiki/Filesystem_in_Userspace">图片引用 Wikipedia</a>)</center> 图 7.5.3 描述 FUSE 工作原理,来自用户空间的列出文件的请求 (ls -l /tmp/fuse) 被内核通过虚拟文件系统([Virtual File System](https://en.wikipedia.org/wiki/Virtual_file_system))简称 VFS 重定向到 FUSE。FUSE 然后执行注册的处理程序(./hello)并将请求传递给它(ls -l /tmp/fuse)。之后通过 REST API 或其他接口调用读写云端存储(例如 Blob Fuse)。处理程序将响应返回给 FUSE,然后将其重定向到最初发出请求的用户空间程序。例如,很多分布式文件系统都提供了 FUSE 功能方便用户使用,我们以 Azure 提供的 [BlobFuse](https://github.com/Azure/azure-storage-fuse) 为例: 用户或平台系统只需要挂载文件系统即可。例如,参考 Azure Blob FUSE 官方实例的步骤: ```shell # 1. 安装 blobfuse 后,配置环境变量使用帐户名和密钥进行身份验证: export AZURE_STORAGE_ACCOUNT=myaccountname export AZURE_STORAGE_ACCESS_KEY=myaccountkey # 2. 建议使用高性能磁盘或 ramdisk 作为 BlobFuse 的本地缓存。 mkdir -p /mnt/blobfusetmp chown <myuser> /mnt/blobfusetmp # 3. 创建挂载点 mkdir /path/to/mount # 4. 使用 blobfuse 挂载一个 Blob 容器(必须已经创建): blobfuse /path/to/mount --container-name=mycontainer --tmp-path=/mnt/blobfusetmp ``` 挂载后,用户就可以像访问本地文件目录一样,访问 /path/to/mount 中的数据了。其他分布式文件系统也提供类似的功能供用户进行挂载和使用文件系统。 通过上面的实例我们了解了如何使用一些成熟的文件系统的 FUSE 挂载和使用。 ***经典回顾*** 用户空间文件系统([Filesystem in Userspace](https://en.wikipedia.org/wiki/Filesystem_in_Userspace))简称 FUSE:“用户空间文件系统 (FUSE) 是 Unix 和类 Unix 计算机操作系统的软件接口,允许非特权用户创建自己的文件系统而无需编辑内核代码。这是通过在用户空间中运行文件系统代码来实现的,而 FUSE 模块仅提供到实际内核接口的中继。”目前由于深度学习作业通常使用文件系统接口与数据,模型文件打交道,造成已有一些文件系统需要通过 FUSE 的接口进行兼容和挂载到作业执行的服务器的文件系统内,让用户透明访问和读写数据。 微内核([Microkernel](https://en.wikipedia.org/wiki/Microkernel)):内核功能可以在用户级组件中实现,例如,通过[微内核化(Microkernelification)的 FUSE 文件系统](https://www.usenix.org/system/files/conference/hotcloud18/hotcloud18-paper-williams.pdf),所以我们可以看到借助于微内核设计,文件系统可以非常方便的引入创新,扩展文件系统到各种新的外部存储系统(例如,访问 Hadoop HDFS,访问 Azure Blob 等),让系统设计可以不断的迭代而不需要重新构建和部署操作系统内核。 那么通过如下实例,读者可以使用 libfuse 实现自定义的 FUSE 文件系统,读者可以参考和扩展实现供深度学习作业使用的 FUSE 文件系统。本实例参考自 FUSE 的 [Python 接口实例](https://pytorch.org/docs/stable/generated/torch.add.html)。 ```python import os import sys # ... from argparse import ArgumentParser import stat import logging import errno import pyfuse3 import trio # ... class TestFs(pyfuse3.Operations): def __init__(self): super(TestFs, self).__init__() self.hello_name = b"message" # 用户可以选择挂载自定义的文件元数据信息 self.hello_inode = pyfuse3.ROOT_INODE+1 # 此处用户可以自定义访问其他文件系统或者自己实现文件系统。例如,为了加速当前的训练,读者可以访问 Alluxio 等文件系统或自定义高效的 NVM 等存储访问进行加速。 self.hello_data = b"hello world\n" # ... # 读取数据 async def read(self, fh, off, size): # 模拟验证 inode 信息 assert fh == self.hello_inode # 返回结果,用户可以读取自定义配置的路径或者存储的数据予以返回,而用户还是根据通用文件系统接口获取的数据,没有感知底层的变化 return self.hello_data[off:off+size] # ... def parse_args(): '''Parse command line''' parser = ArgumentParser() # 配置挂载点 parser.add_argument('mountpoint', type=str, help='Where to mount the file system') # ... return parser.parse_args() def main(): options = parse_args() # ... testfs = TestFs() fuse_options = set(pyfuse3.default_options) fuse_options.add('fsname=hello') # ... # 初始化调用 pyfuse3.init(testfs, options.mountpoint, fuse_options) try: # 通过并行异步 I/O 库 trio 启动 trio.run(pyfuse3.main) except: pyfuse3.close(unmount=False) raise pyfuse3.close() if __name__ == '__main__': main() ``` - 分布式内存文件系统:由于磁盘到 GPU 内存之间还需要通过主存进行数据中转,所以对主存提供一定的管理和缓存也是加速深度学习训练数据读取部分有效的方式。[Alluxio](https://www.alluxio.io/)[<sup>[4]</sup>](#alluxio)是基于内存的分布式存储,可以充当分布式缓存服务。业界也有一些平台公司通过 Alluxio 管理分布式主存,并配合网络文件系统或分布式文件系统提供数据缓存和备份功能。由于存储层级上,GPU 显存和主存最为接近,提供主存层的缓存可以大幅加速 I/O。但同时我们也应该看到,平台方也需要注意持久化的支持和策略设计。 如图 7.5.4 所示,Alluxio 不是简单的将整个数据集复制到每台机器中,而是实现了共享的分布式缓存服务,其中数据可以均匀地分布在集群中。这可以大大提高存储利用率,尤其是当训练数据集远大于单个节点的存储容量时。同时也可以基于 Alluxio 在单机存储中设计和达到重复数据删除(<a href="https://en.wikipedia.org/wiki/Data_deduplication">Data Deduplication</a>)效果。 <center> <img src="./img/5/7-5-4-cache.png" /></center> <center>图 7.5.4 通过分布式内存缓存数据,构建与其他分布式文件系统的混合存储方案 (<a href="https://www.alluxio.io/blog/machine-learning-training-with-alluxio-solution-overview/">图片来源 Alluxio 文档</a>)</center> 如图,业界有团队(例如,微软 Bing,Bilibili 等)使用 Alluxio 加速大规模机器学习和深度学习训练或离线(Offline)推理(Inference)任务。通过部署 Alluxio,他们能够加快推理工作,减少 I/O 停顿,并将性能提高。如图所示,Alluxio 作为分布式缓存,可以缓存来自不同的存储数据,例如,Azure Blob 文件系统,HDFS 文件系统等。 有时用户可能在想当前的场景下是否需要使用数据缓存,对缓存层的取舍也有相应的理论进行参考。缓存与磁盘成本性能选型经验法则(Rule Of The Thumb)- 五分钟法则 “The Five-Minute Rule”:当进行缓存系统选型,我们常常忽略成本的影响,如果当前不仅考虑性能加速本身,还综合考虑成本等因素,又该如何取舍呢?Jim Gray 和 Franco Putzolu 在 1987 年发表 “[The 5 Minute Rule for Trading Memory for Disk Accesses and The 10 Byte Rule for Trading Memory for CPU Time](https://www.hpl.hp.com/techreports/tandem/TR-86.1.pdf)”[<sup>[5]</sup>](#jim1) ,10 年后 Jim Gray 和 Goetz Graefe 1997 年发表 “[The Five-Minute Rule Ten Years Later, and Other Computer Storage Rules of Thumb](https://dl.acm.org/doi/10.1145/271074.271094)”[<sup>[6]</sup>](#jim2) 在其中论述当考虑成本性能综合因素,什么时候选择使用内存更划算,什么时候适合加磁盘更划算?但是这个原则也适合其他层级的两级存储选型,或者计算和存储权衡(例如,压缩和解压缩数据相比节省的存储空间占用哪个更划算?)。以其 1997 年工作中介绍其主要算方式为: “对随机访问磁盘页(Randomly Accessed Pages)的场景下,五分钟法则基于权衡内存成本和磁盘的访问成本:缓存页数据在额外的内存可以节省磁盘 I/O。收支平衡(Break-Even)出现在当数据页常驻缓存于内存的成本($Dollar/Page/Sec$)和磁盘的每秒访问成本($Dollar/DiskAccess/Sec$)持平。通俗理解就是缓存单位页占用的内存所花的购买所需对应内存的成本,和通过访问磁盘获取这个单位页所需要购买的磁盘的成本持平是存在一个时间间隔,小于这个时间间隔相当于要更多次访问磁盘,花费更多的访问磁盘成本,那么缓存在内存更划算,如果访问间隔高于这个间隔意味着数据不常访问,访问磁盘单页的成本是低于缓存该页的成本。这个达到临界持平的时间间隔计算方式为: $$ BreakEvenReferenceInterval (seconds) = \frac{PagesPerMBofRAM}{AccessPerSecondPerDisk} \times \frac{PricePerDiskDrive}{PricePerMBofRAM} $$ - $BreakEvenReferenceInterval$:相同数据页(Page)在工作负载中,间隔多久(也就是 $BreakEvenReferenceInterval$)会被再次访问。公式中计算出的是临界阈值,读者可以根据负载中的统计数值和这个阈值比较,如果低于其阈值,代表访问频繁,单次访问磁盘的成本已经超出内存,用内存缓存更划算。反之理解就是,如果负载访问间隔超出阈值,数据访问不频繁,购买和放在内存中成本高于隔一段时间再次访问磁盘成本,购买内存不如放磁盘划算。 以另一种更细节方式理解,也就是单位数据页会间隔 $BreakEvenReferenceInterval$ 被再次访问,而 $BreakEvenReferenceInterval$ 间隔内,极限情况(用满磁盘 I/O)下磁盘最多支撑 $BreakEvenReferenceInterval \times AccessPerSecondPerDisk$ 次页访问,且总购置磁盘成本为 $PricePerDiskDrive$,所以对当前页其单页访问成本(也就是用此段时间内磁盘最多支撑的页访问次数切分总成本)为 $Cost_{PageDiskAccess} = \frac{PricePerDiskDrive}{BreakEvenReferenceInterval \times AccessPerSecondPerDisk}$,而单页的内存常驻成本为 $Cost_{Mem} = \frac{PricePerMBofRAM}{PagesPerMBofRAM}$,我们通过 $min(Cost_{Mem}, Cost_{PageDiskAccess} )$ 选择成本最小的方案。 - $PagesPerMBofRAM$:$128 \quad Pages/MB (8KB pages)$ (97 年数值) - $AccessPerSecondPerDisk$:$64 \quad Access/Sec/Disk$ (97 年数值) - $PricePerDiskDrive$:$2000 \quad Dollar/Disk (9GB + Controller)$ (97 年数值) $PricePerDiskDrive$ 可以综合考虑控制器(Controller)等成本,也可以建模进磁盘的寿命衰减等因素。 在 97 年 Jim Gray 等使用以下的数据计算出 $BreakEvenReferenceInterval$ 是 266 秒,接近 5 分钟。” 那么读者可以思考,在你面对的基础架构采购的场景,以上几个数值换算成当前的性能成本数值,在当前人工智能基础架构下是多少的 $BreakEvenReferenceInterval$ ?以及测试你的负载自身的 $BreakEvenReferenceInterval$ 是多少?进而从成本角度思考是否追加更大的内存进行数据缓存加速数据加载。在企业级场景成本是不可忽视的因素,请读者同时对比第 8 章推理芯片章节,TPU 的设计历史中的性能成本考量,打破唯性能论的思考系统设计的方式。 ***经典回顾*** [folk](https://man7.org/linux/man-pages/man2/fork.2.html) 系统调用:“通过复制调用进程来创建一个新进程。新进程称为子进程。创建者进程称为父进程。子进程和父进程运行在不同的内存中空间。在 fork() 时,两个内存空间具有相同的内容。fork() 是使用写时复制(Copy on Write)页(Page)实现的,所以它的开销开销较小,只是去内存复制父级的页表,并创建一个新的子进程的任务结构。” folk 正是通过这种缓存和去重的思想,让进程的创建和运行内存消耗大幅减少,设计缓存层也是为了加速作业的依赖以及输入数据的加载。用户提交的作业作为“平台进程”,很多作业非常类似,或有相同的输入数据以及包依赖,是可以复用其他已经运行过的进程已有缓存数据进行去重和缓存加速的,为平台部署相应充当缓存层的文件系统将有利于加速数据读取和进程部署启动。 # 7.5.2 沿用高性能计算平台存储路线 由于深度学习平台本身硬件以 GPU 和 InfiniBand 网卡为核心硬件,其技术栈和高性能计算或超算集群高度相似,所以很自然也有很多平台团队会选择使用高性能计算平台中常用的存储方案沿用到深度学习平台中使用。以下文件系统也是通常可以选用的方案: - 网络文件系统(Network File System):简称 NFS[<sup>[7]</sup>](#nfs) 文件系统是由 Sun 公司研发的网络文件系统,其基本原理是将某个设备本地文件系统通过以太网的方式共享给其它计算节点使用。也就是说,计算机节点通过 NFS 存储的数据是通过网络存储在另外一个设备,而不是存储在本地磁盘。其比较适合在平台部署早期数据量不大的阶段提供文件系统支持,方便部署,技术成熟,访问接口优化,挂载到计算节点提供给算法工程师友好的体验。不足是随着数据量的增长,难以支持更大的存储空间和访问吞吐,同时权限管理需要平台层协同设计进行管理。例如,很多团队小规模平台中或者针对特定的租户部署和采用 NFS 作为存储方案。 <center> <img src="./img/5/7-5-1-nfs.png" /></center> <center>图 7.5.5 NFS实例,客户端将NFS挂载到本地/nfs目录(<a href="https://advishnuprasad.com/blog/2016/03/29/setup-nfs-server-and-client-using-ansible/">图片来源</a>)</center> 如图所示,当通挂载(Mount),用户可以在本地服务器通过 NFS 客户端访问存储服务器,进而像使用本地磁盘一样进行数据访问。 - 利用高速网卡等异构硬件的 HPC 文件系统:[Lustre](https://www.lustre.org/)[<sup>[8]</sup>](#lustre)文件系统是高性能计算平台部署最为广泛的商用文件系统。Lustre 是一种并行分布式文件系统,一般用于大规模高性能集群计算场景。Lustre 这个名字是源自 Linux 和集群(Cluster)的组合词。Lustre 原生支持和利用 InfiniBand(IB)高速网卡,可以利用深度学习平台中的 IB 网络,提供更加高效的数据访问。同时支持高性能的 mmap() I/O 调用,容器化的支持与数据隔离,小文件的支持等,一系列的优化使得 Lustre 在人工智能场景也取得了不俗的性能和用户体验。在公有云场景,亚马逊 AWS 也推出了 Amazon FSx 服务,作为一项完全托管的服务,[Amazon FSx](https://docs.aws.amazon.com/fsx/latest/LustreGuide/what-is.html)让用户可以更轻松地将 Lustre 用于存储速度很重要的工作负载。FSx for Lustre 消除了设置和管理 Lustre 文件系统的传统复杂性,使用户能够在几分钟内启动并运行经过测试的高性能文件系统。 <center> <img src="./img/5/7-5-2-lustre.png" /></center> <center>图 7.5.6 Lustre 架构,其使用高速网卡加速数据平面读写(<a href="https://wiki.lustre.org/Introduction_to_Lustre">图片引用 Lustre 文档</a>)</center> 如图所示,我们可以看到 Lustre 通过 InfiniBand 等高速网卡互联元数据(Metadata)服务器和对象存储(Object Storage)服务器,并能够提供高达 1~100000+ 的客户端访问量支持。 # 7.5.3 面向深度学习的存储 首先我们通过一个 PyTorch 实例分析,深度学习作业是如何读取数据以及和文件系统打交道的。[本实例抽象参考来源](https://github.com/pytorch/examples/blob/main/mnist/main.py)[<sup>[9]</sup>](#pytorchmnist)。 ```python def train(args, model, device, train_loader, optimizer, epoch): ... # (3)每次从数据加载器读取一个批次的样本 for batch_idx, (data, target) in enumerate(train_loader): # (4)如果当前 device 是 GPU,下面代码将样本由主存传输到 GPU 显存 data, target = data.to(device), target.to(device) ... # (5)模型处理输入数据进行前向传播计算 output = model(data) # 训练部分代码 ... def main(): ... # (1)从 ../data 文件夹读取, /data 可能是存在共享的文件系统,通过 fuse 挂载到本地,也可能是本地文件夹存储下载到本地磁盘的数据 dataset1 = datasets.MNIST('../data', train=True, download=True, transform=transform) dataset2 = datasets.MNIST('../data', train=False, transform=transform) # (2)框架本身提供的数据加载器,一般可以支持并行读取等优化 train_loader = torch.utils.data.DataLoader(dataset1,**train_kwargs) test_loader = torch.utils.data.DataLoader(dataset2, **test_kwargs) ... for epoch in range(1, args.epochs + 1): train(args, model, device, train_loader, optimizer, epoch) test(model, device, test_loader) ... ``` 我们可以观察到: - 深度学习场景下,首先从硬件来说,内存层级以 GPU 显存为传统主存的地位,硬盘和 GPU 显存之间还有主存中转数据,与 GPU 显存最近的存储并不是像之前和主存交互的块存储设备。 - 从深度学习作业访存特点是,迭代式执行不断读取一个批次(Batch)的数据,并且访存模式受每轮数据随机洗牌(Shuffle)的影响是随机读取。 - 从数据结构来看,数据大部分场景下为统一格式规整的张量。同时每次读取的数据并没有像数据库或者大数据系统的针对特定列的过滤机会。 - 从用户侧用户体验与开发水平的现状出发,用户也更倾向于使用单机文件系统一样通过 FUSE 方式进行数据访问。 **深度学习 I/O 阶段量化预估分析**: 我们可以通过如下数据读取预估练习与思考实例,思考和启发读者关于针对深度学习存储的潜在影响因素和优化动机: ```python # (1) 基准预估读 batchsize = 1024 个样本需要多久 # seconds_per_seek: 从开始读取到读到第一个字节的寻找时间 # per_sample_size: 每个训练样本的大小,单位为字节 # bus_bandwidth: 磁盘或者网络存储等读带宽 1024 * seconds_per_seek + 1024 * per_sample_size / bus_bandwidth = per_batch_read_time # (2) 如果我们将 1024 个样本变成一批次进行读取需要多久? 1 * seconds_per_seek + 1024 * per_sample_size / bus_bandwidth = per_batch_read_time # 当前实例启发我们通过 (2.1)内存数据打包为一个张量和批处理进行性能提升 (2.2)设计高效的文件格式减少小文件随机读写问题 # (3) 如果我们并行使用32个线程进行读取需要多久? 1 * seconds_per_seek + (1024 / 32) * per_sample_size / bus_bandwidth = per_batch_read_time # 当前预估启发我们思考并行的数据加载器设计 # (4) 如果我们有主存缓存需要读多久?假设PCIe带宽为磁盘或者云存储带宽的K倍。 pcie_bandwidth = bus_bandwidth / k 1 * seconds_per_seek + (1024 / 32) * per_sample_size / pcie_bandwidth = per_batch_read_time # 当前预估启发我们思考利用主存作为磁盘缓存尽可能将数据放在内存预取以及流水线机制进行性能优化 # (5) 如果我们知道需要读取的数据位置,访问主存的缓存失效率(Cache Miss Rate)为P,那么当前的读取时间是多少? P * (1 * seconds_per_seek + (1024 / 32) * per_sample_size / pcie_bandwidth) + (1 - P) * (1 (seek) * seconds_per_seek + (1024 / 32) * per_sample_size / bus_bandwidth) = per_batch_read_time # 当前预估启发我们思考利用深度学习作业访存局部性进行性能优化 # (6) 其他潜在优化 # (6.1) per_sample_size部分,读者可以思考是否可以通过压缩,量化等技术降低数据大小进而提升? # (6.2) seconds_per_seek部分,由于磁盘对顺序读取和随机读取性能不同,读者可以思考是否有更好的文件格式设计最大化顺序读最小化随机读? ``` 以上的特点造成看似对存储优化机会不像传统的数据库或者大数据系统机会多,但是如果不根据深度学习作业特点设计面向深度学习作业的存储,也会造成和产生系统瓶颈。 **深度学习 I/O 阶段经验分析** 关于在深度学习作业中 I/O 部分影响的经验分析和实验能反映真实作业中的实际性能影响。Jayashree Mohan 等在 VLDB '21 的工作“[Analyzing and Mitigating Data Stalls in DNN Training](https://vldb.org/pvldb/vol14/p771-mohan.pdf)”[<sup>[10]</sup>](#datastall)中经验分析和介绍了关于深度学习作业数据 I/O 部分影响和迁移方法。其有几个经验性发现对后续的数据读取器设计和面向深度学习的文件系统设计有参考意义。 (1)由于抖动,操作系统页面缓存对于 DNN 训练效率低下。 (2)DNN 需要每个 GPU 3 到 24 个 CPU 内核来处理数据预处理。 (3)DNN 将高达 65% 的 epoch 时间用于数据预处理,主要是冗余解码数据。 (4)本地缓存之间缺乏协调导致跨服务器的分布式训练有冗余 I/O。 (5)超参数搜索工作负载执行产生冗余 I/O 和数据准备处理。 同时,由于 PyTorch Dataloader 等工作底层使用 mmap 系统调用进行数据读取,在 CIDR '22 中的工作“[Are You Sure You Want to Use MMAP in Your Database Management System?](https://db.cs.cmu.edu/mmap-cidr2022/)”[<sup>[11]</sup>](#mmap)对 mmap 系统调用在数据库领域使用的缺陷进行了经验分析,同样对深度学习领域对优化数据读取器有借鉴意义。 经过上面的量化分析与经验分析,读者可以朝着以下几个方向,并利用已有成熟的文件系统设计思想,与数据加载器(Data Loader)和底层硬件协同设计(Co-design)出面向深度学习的高效率块存储 I/O 技术栈,一站式加速深度学习作业的数据加载: <center> <img src="./img/5/7-5-7-overviewofio.png" /></center> <center>图 7.5.7 深度学习 I/O 时序图与优化策略总览</center> 图 7.5.7 描述了深度学习作业数据读取阶段的拆分,我们从不同阶段中可以分析潜在的优化点并总结如下: - 高效文件格式(Layout)的设计:一般文件格式有几点设计思路(1)合并为大文件,减少文件数量,减少文件打开开销。(2)减少随机读写转为顺序读写。(3)高效的格式和序列化库,降低序列化与反序列化开销。例如,[TFRecord](https://www.tensorflow.org/tutorials/load_data/tfrecord)等针对深度学习负载设计的文件格式,将原来多张图片(每个都是一个文件),序列化为一个二进制文件。 - 并发执行(Concurrent Execution)和并行(Parallel)加载:I/O 和计算形成流水线协同配合,减少 I/O 成为瓶颈的几率,同时利用多核进行并行加载。如图所示,未经优化的数据加载流程,一个训练迭代含有三个阶段:文件打开(Open),迭代每个批次读取(Read)数据和训练(Train)。框架原生支持跨多种数据源并能异步与并行数据加载的高性能数据加载器模块,例如,并发执行的[TensorFlow Data API](https://www.tensorflow.org/guide/data_performance),[tf.data](https://dl.acm.org/doi/abs/10.14778/3476311.3476374)。并行执行的PyTorch 数据加载器(Dataloader)。 <center> <img src="./img/5/7-5-8-prefetched.png" /></center> <center>图 7.5.8 预取优化的数据读取时序图(<a href="https://www.tensorflow.org/guide/data_performance">图片引用 TensorFlow 文档</a>)</center> - 统一文件系统接口(Unified File System API)与多数据源管理:对用户透明,保持兼容性(例如,POSIX 标准,NFS 标准,HDFS 接口兼容),统一管理多级,多数据源异构存储。 - [NVIDIA AIStore](https://github.com/NVIDIA/aistore)[<sup>[12]</sup>](#aistore):AIStore(简称AIS)是一个为人工智能负载设计的轻量级存储堆栈。减少内核态切换与 CPU 中断,减少内核与用户态内存拷贝。可以部署为远程存储的基于 LRU 的快速缓存。可以按需填充预取和下载 API,适用于集群内大量用户可能会重复使用数据集的场景。自动重新平衡集群(通过类 Map Reduce 扩展),在集群成员、驱动器故障和附件、存储桶重命名发生任何变化时自动触发,因为用户不断产生新数据与模型,删除旧模型,容易造成文件系统容易变得不平衡。支持关联处理(Associative Processing),用户的 ETL 可以就近数据处理,数据中心流行计算存储分离,ETL 通过关联处理可以减少 I/O 数据搬运。工程上,兼容支持按需挂载多种云存储,Kubernetes 部署,数据保护,纠删码,高可用等分布式文件系统功能。 <center> <img src="./img/5/7-5-6-aistore.png" /></center> <center>图 7.5.9 AIStore 支持挂载多种存储,统一管理(<a href="https://github.com/NVIDIA/aistore">图片引用 NVIDIA AIStore 文档</a>)</center> - 可扩展性:当前云原生的趋势,让文件系统也逐渐朝着按需付费,弹性扩展发展。并且很多逐渐呈现“中间件”性质的文件系统,架设在基础文件系统之上,提供缓存,版本管理,事务与原子性,弹性等特性的支持,例如,[JuiceFS](https://juicefs.com/)。 - 局部性(Locality):(1)已知访问顺序(时间局部性)的情况下的预取(Prefetch)策略的支持。例如,虽然深度学习数据读取为随机读取样本,但是一定程度上如果随机数生成如果不依赖当前 Epoch,可以考虑提前生成随机序列并由守护线程进行数据提前加载与准备。(2)利用数据中心主存不断增长的趋势,在主存或挂载高速二级存储(NVM 等)做好数据缓存和备份,并由分布式缓存文件系统纳入统一管理。例如,业界有公司利用 Alluxio 提供缓存功能。 - 内核旁路(Kernel Bypassing): - [GPUDirect存储器](https://developer.nvidia.com/zh-cn/blog/gpudirect-storage/):底层利用 RMDA 直接访问,RDMA 支持零拷贝,内核旁路(用户态 I/O)进而大幅提高 I/O 效率,直接访问远端高速存储(例如,NVMe),在网络和块存储 I/O 上协同优化。其避免了通过主存中的缓冲区的额外拷贝,并使网卡存储器附近的直接内存访问(DMA)引擎能够在直接路径上将数据移入或移出 GPU 内存,且这些操作不会给 CPU(不干扰 DMA)或 GPU(不干扰 GPU DMA)带来负担。 <center> <img src="./img/5/7-5-9-gpudirect.png" width="1000" height="600" /></center> <center>图 7.5.10 GPUDirect 存储器(<a href="https://developer.nvidia.com/zh-cn/blog/gpudirect-storage/">图片引用 NVIDIA GPUDirect 文档</a>)</center> - 卸载(Offloading):可以将一定的数据压缩解压缩,反序列化,甚至一定的数据预处理等计算卸载到协处理器。 - 数据抽取,转换与加载(ETL)卸载到 GPU:([DALI](https://docs.nvidia.com/deeplearning/dali/user-guide/docs/)) 提供了一组高度优化的构建块,用于加载和处理图像、视频和音频数据。DALI 通过将数据预处理卸载到 GPU 来解决 CPU 瓶颈问题。此外,DALI 利用预取、并行执行和批处理等功能为用户透明地加速处理数据。NVIDIA 还通过 [NVTabular 加速推荐引擎 ETL](https://resources.nvidia.com/en-us-merlin/accelerating-recsys-etl-blog?lx=97GH0Q)。 - DMA 卸载:例如,GPUDirect 卸载 DMA 处理到 NIC 或 NVMe 内的 DMA 处理,减轻 CPU,GPU DMA 负担。 - 数据与模型隐私保护:本章暂不介绍数据和模型的隐私保护,读者可以参考第 13 章内容。 其他例如权限管理等和传统文件系统区别不太,读者可以参考传统文件系统设计进行借鉴。 ## 小结与讨论 本章我们主要介绍异构计算集群管理系统的中的存储,我们在深度学习系统中往往开始关注计算和网络较多,但随着时间的推移会意识到存储的重要性和相应的问题。 请读者思考,当前是否有必要设计一款针对深度学习场景的文件系统? ## 参考文献 <div id="hdfs"></div> 1. [HDFS Architecture Guide](https://hadoop.apache.org/docs/r1.2.1/hdfs_design.html) <div id="blob"></div> 2. [Brad Calder, et al. 2011. Windows Azure Storage: a highly available cloud storage service with strong consistency. In Proceedings of the Twenty-Third ACM Symposium on Operating Systems Principles (SOSP '11). Association for Computing Machinery, New York, NY, USA, 143–157.](https://dl.acm.org/doi/10.1145/2043556.2043571) <div id="s3"></div> 3. [Amazon S3: Object storage built to retrieve any amount of data from anywhere](https://aws.amazon.com/s3/) <div id="alluxio"></div> 4. [Alluxio - Data Orchestration for the Cloud](https://www.alluxio.io/) <div id="jim1"></div> 5. [Jim Gray and Franco Putzolu. 1987. The 5 minute rule for trading memory for disc accesses and the 10 byte rule for trading memory for CPU time. SIGMOD Rec. 16, 3 (Dec. 1987), 395–398. https://doi.org/10.1145/38714.38755](https://dl.acm.org/doi/10.1145/38714.38755) <div id="jim2"></div> 6. [Jim Gray and Goetz Graefe. 1997. The five-minute rule ten years later, and other computer storage rules of thumb. SIGMOD Rec. 26, 4 (Dec. 1997), 63–68. https://doi.org/10.1145/271074.271094](https://dl.acm.org/doi/10.1145/271074.271094) <div id="nfs"></div> 7. [R. Sandberg, D. Golgberg, S. Kleiman, D. Walsh, and B. Lyon. 1988. Design and implementation of the Sun network filesystem. Innovations in Internetworking. Artech House, Inc., USA, 379–390.](https://dl.acm.org/doi/10.5555/59309.59338) <div id="lustre"></div> 8. [“Lustre : A Scalable , High-Performance File System Cluster.” (2003).](https://cse.buffalo.edu/faculty/tkosar/cse710/papers/lustre-whitepaper.pdf) <div id="pytorchmnist"></div> 9. [https://github.com/pytorch/examples/blob/main/mnist/main.py](https://github.com/pytorch/examples/blob/main/mnist/main.py) <div id="datastall"></div> 10. [Jayashree Mohan, Amar Phanishayee, Ashish Raniwala, and Vijay Chidambaram. 2021. Analyzing and mitigating data stalls in DNN training. Proc. VLDB Endow. 14, 5 (January 2021), 771–784.](http://vldb.org/pvldb/vol14/p771-mohan.pdf) <div id="mmap"></div> 11. [Crotty, Andrew and Leis, Viktor and Pavlo, Andrew. Are You Sure You Want to Use MMAP in Your Database Management System? {CIDR} 2022, Conference on Innovative Data Systems Research](https://db.cs.cmu.edu/mmap-cidr2022/#:~:text=MMAP%27s%20perceived%20ease%20of,that%20are%20not%20immediately%20apparent.) <div id="aistore"></div> 12. [https://github.com/NVIDIA/aistore](https://github.com/NVIDIA/aistore)
AI-System/Textbook/第7章-异构计算集群调度与资源管理系统/7.5-存储.md/0
{ "file_path": "AI-System/Textbook/第7章-异构计算集群调度与资源管理系统/7.5-存储.md", "repo_id": "AI-System", "token_count": 22868 }
18
param ( [string] $resourceGroupName, [string] $tagId, [string] $deploymentId ) $projectTags = New-Object 'System.Collections.Generic.Dictionary[String,String]' $projectTags.Add($tagId, $deploymentId) function UpdateLoop { param( [int]$maxIterations, $resource ) $success = $false $iterator = 1 while( ($success -eq $false) -and ($iterator -le $maxIterations)) { try { if($resource.type -eq "Microsoft.MachineLearningServices/workspaces") { Set-AzResource -ResourceId $resource.Id -Tag $resource.Tags -ApiVersion 2019-06-01 -Force } else { Set-AzResource -ResourceId $resource.Id -Tag $resource.Tags -Force } $success = $true break } catch { Write-Host("Failed to write resource update - ") Write-Host($_.Exception.Message) Start-Sleep -Seconds 5 } } if($success -eq $false) { throw "Failed to update resources" } } function Update-GroupResources { param( [string]$resGroup, $tags ) Write-Host("*************** Updating resources in " + $resGroup) $resources = Get-AzResource -ResourceGroupName $resGroup $resources | ForEach-Object { if($_.Tags -eq $null) { $_.Tags = $projectTags } else { $rsrc = $_ $tags.Keys | Foreach { $rsrc.Tags[$_] = $tags[$_] } } } $resources | ForEach-Object { Write-Host("*************** Updating resource " + $_.Id) UpdateLoop -maxIterations 3 -resource $_ } } Write-Host("RG - " + $resourceGroupName) Write-Host("TAG - " + $tagId) Write-Host("VAL - " + $deploymentId) Update-GroupResources -resGroup $resourceGroupName -tags $projectTags $clusterResources = Get-AzResource -ResourceType "Microsoft.ContainerService/managedClusters" -ResourceGroupName $resourceGroupName -ExpandProperties foreach($cluster in $clusterResources) { Update-GroupResources -resGroup $cluster.Properties.nodeResourceGroup -tags $projectTags }
AI/.ci/scripts/SetResource.ps1/0
{ "file_path": "AI/.ci/scripts/SetResource.ps1", "repo_id": "AI", "token_count": 958 }
19
parameters: Agent: Hosted Ubuntu 1604 Demands: "python3" jobTimeoutInMinutes: 180 jobDisplayName: 'defaultDisplayName' TridentWorkloadTypeShort: # DeployLocation: # DefaultWorkingDirectory: # Template: # ProjectLocation: # PythonPath: # workload_vars: # doCleanup: True flighting_release: true flighting_preview: true flighting_master: true sql_server_name: "x" sql_database_name: "x" sql_username: "x" sql_password: "x" TestPostfix: "-stable" data_prep: true train: true post_cleanup: true container_name: "x" account_name: "x" account_key: "x" datastore_rg: "x" multi_region_1: false multi_region_2: false stages: - template: ../stage/deploy_notebooks_stage_v2.yml parameters: Agent: ${{parameters.Agent}} Demands: ${{parameters.Demands}} stageName: 'stable' jobDisplayName: ${{parameters.jobDisplayName}} jobTimeoutInMinutes: ${{parameters.jobTimeoutInMinutes}} TridentWorkloadTypeShort: ${{parameters.TridentWorkloadTypeShort}} DeployLocation: ${{parameters.DeployLocation}} TestPostfix: ${{parameters.TestPostfix}} DefaultWorkingDirectory: ${{parameters.DeployLocation}} Template: ${{parameters.Template}} ProjectLocation: ${{parameters.ProjectLocation}} PythonPath: ${{parameters.PythonPath}} workload_vars: ${{parameters.workload_vars}} doCleanup: ${{parameters.doCleanup}} sql_server_name: ${{parameters.sql_server_name}} sql_database_name: ${{parameters.sql_database_name}} sql_username: ${{parameters.sql_username}} sql_password: ${{parameters.sql_password}} data_prep: ${{parameters.data_prep}} train: ${{parameters.train}} post_cleanup: ${{parameters.post_cleanup}} container_name: ${{parameters.container_name}} account_name: ${{parameters.account_name}} account_key: ${{parameters.account_key}} datastore_rg: ${{parameters.datastore_rg}} - ${{ if eq(parameters.multi_region_1, 'true') }}: - template: ../stage/deploy_notebooks_stage_v2.yml parameters: Agent: ${{parameters.Agent}} Demands: ${{parameters.Demands}} stageName: 'stable_eastus' jobDisplayName: ${{parameters.jobDisplayName}} jobTimeoutInMinutes: ${{parameters.jobTimeoutInMinutes}} TridentWorkloadTypeShort: ${{parameters.TridentWorkloadTypeShort}} DeployLocation: eastus TestPostfix: ${{parameters.TestPostfix}} DefaultWorkingDirectory: ${{parameters.DeployLocation}} Template: ${{parameters.Template}} ProjectLocation: ${{parameters.ProjectLocation}} PythonPath: ${{parameters.PythonPath}} workload_vars: ${{parameters.workload_vars}} doCleanup: ${{parameters.doCleanup}} sql_server_name: ${{parameters.sql_server_name}} sql_database_name: ${{parameters.sql_database_name}} sql_username: ${{parameters.sql_username}} sql_password: ${{parameters.sql_password}} data_prep: ${{parameters.data_prep}} train: ${{parameters.train}} post_cleanup: ${{parameters.post_cleanup}} container_name: ${{parameters.container_name}} account_name: ${{parameters.account_name}} account_key: ${{parameters.account_key}} datastore_rg: ${{parameters.datastore_rg}} - ${{ if eq(parameters.multi_region_2, 'true') }}: - template: ../stage/deploy_notebooks_stage_v2.yml parameters: Agent: ${{parameters.Agent}} Demands: ${{parameters.Demands}} stageName: 'stable_eastus2' jobDisplayName: ${{parameters.jobDisplayName}} jobTimeoutInMinutes: ${{parameters.jobTimeoutInMinutes}} TridentWorkloadTypeShort: ${{parameters.TridentWorkloadTypeShort}} DeployLocation: eastus2 TestPostfix: ${{parameters.TestPostfix}} DefaultWorkingDirectory: ${{parameters.DeployLocation}} Template: ${{parameters.Template}} ProjectLocation: ${{parameters.ProjectLocation}} PythonPath: ${{parameters.PythonPath}} workload_vars: ${{parameters.workload_vars}} doCleanup: ${{parameters.doCleanup}} sql_server_name: ${{parameters.sql_server_name}} sql_database_name: ${{parameters.sql_database_name}} sql_username: ${{parameters.sql_username}} sql_password: ${{parameters.sql_password}} data_prep: ${{parameters.data_prep}} train: ${{parameters.train}} post_cleanup: ${{parameters.post_cleanup}} container_name: ${{parameters.container_name}} account_name: ${{parameters.account_name}} account_key: ${{parameters.account_key}} datastore_rg: ${{parameters.datastore_rg}} - ${{ if eq(parameters.flighting_release, 'true') }}: - template: ../stage/deploy_notebooks_stage_v2.yml parameters: Agent: ${{parameters.Agent}} Demands: ${{parameters.Demands}} stageName: 'release' jobDisplayName: ${{parameters.jobDisplayName}} TridentWorkloadTypeShort: ${{parameters.TridentWorkloadTypeShort}} DeployLocation: ${{parameters.DeployLocation}} TestPostfix: "-release" DefaultWorkingDirectory: ${{parameters.DeployLocation}} Template: ${{parameters.Template}} ProjectLocation: ${{parameters.ProjectLocation}} PythonPath: ${{parameters.PythonPath}} flighting_release: true workload_vars: ${{parameters.workload_vars}} doCleanup: ${{parameters.doCleanup}} sql_server_name: ${{parameters.sql_server_name}} sql_database_name: ${{parameters.sql_database_name}} sql_username: ${{parameters.sql_username}} sql_password: ${{parameters.sql_password}} post_cleanup: ${{parameters.post_cleanup}} container_name: ${{parameters.container_name}} account_name: ${{parameters.account_name}} account_key: ${{parameters.account_key}} datastore_rg: ${{parameters.datastore_rg}} - ${{ if eq(parameters.flighting_preview, 'true') }}: - template: ../stage/deploy_notebooks_stage_v2.yml parameters: Agent: ${{parameters.Agent}} Demands: ${{parameters.Demands}} stageName: 'preview' jobDisplayName: ${{parameters.jobDisplayName}} TridentWorkloadTypeShort: ${{parameters.TridentWorkloadTypeShort}} DeployLocation: ${{parameters.DeployLocation}} TestPostfix: "-preview" DefaultWorkingDirectory: ${{parameters.DeployLocation}} Template: ${{parameters.Template}} ProjectLocation: ${{parameters.ProjectLocation}} PythonPath: ${{parameters.PythonPath}} flighting_preview: true workload_vars: ${{parameters.workload_vars}} doCleanup: ${{parameters.doCleanup}} sql_server_name: ${{parameters.sql_server_name}} sql_database_name: ${{parameters.sql_database_name}} sql_username: ${{parameters.sql_username}} sql_password: ${{parameters.sql_password}} post_cleanup: ${{parameters.post_cleanup}} container_name: ${{parameters.container_name}} account_name: ${{parameters.account_name}} account_key: ${{parameters.account_key}} datastore_rg: ${{parameters.datastore_rg}} - ${{ if eq(parameters.flighting_master, 'true') }}: - template: ../stage/deploy_notebooks_stage_v2.yml parameters: Agent: ${{parameters.Agent}} Demands: ${{parameters.Demands}} stageName: 'master' jobDisplayName: ${{parameters.jobDisplayName}} TridentWorkloadTypeShort: ${{parameters.TridentWorkloadTypeShort}} DeployLocation: ${{parameters.DeployLocation}} TestPostfix: "-master" DefaultWorkingDirectory: ${{parameters.DeployLocation}} Template: ${{parameters.Template}} ProjectLocation: ${{parameters.ProjectLocation}} PythonPath: ${{parameters.PythonPath}} flighting_master: true workload_vars: ${{parameters.workload_vars}} doCleanup: ${{parameters.doCleanup}} sql_server_name: ${{parameters.sql_server_name}} sql_database_name: ${{parameters.sql_database_name}} sql_username: ${{parameters.sql_username}} sql_password: ${{parameters.sql_password}} post_cleanup: ${{parameters.post_cleanup}} container_name: ${{parameters.container_name}} account_name: ${{parameters.account_name}} account_key: ${{parameters.account_key}} datastore_rg: ${{parameters.datastore_rg}}
AI/.ci/stages/deploy_notebooks_stages_v2.yml/0
{ "file_path": "AI/.ci/stages/deploy_notebooks_stages_v2.yml", "repo_id": "AI", "token_count": 3172 }
20
parameters: azureSubscription: '' azure_subscription: '' location: submodules/DeployMLModelKubernetes/{{cookiecutter.project_name}} azureresourcegroup: dciborowhp workspacename: dciborowhpws azureregion: westus2 aksimagename: dciborowhpaks aks_name: dciborowhpaks aks_service_name: myimage conda: az-ml-realtime-score doCleanup: true python_path: "$(System.DefaultWorkingDirectory)/submodules/DeployMLModelKubernetes/{{cookiecutter.project_name}}" flighting_release: false flighting_preview: false flighting_master: false update_conda_package: false steps: - template: config_conda.yml parameters: conda: az-ml-realtime-score azureSubscription: ${{parameters.azureSubscription}} flighting_release: ${{parameters.flighting_release}} flighting_preview: ${{parameters.flighting_preview}} flighting_master: ${{parameters.flighting_master}} update_conda_package: ${{parameters.update_conda_package}} - template: pytest_steps.yml parameters: azureSubscription: ${{parameters.azureSubscription}} azure_subscription: ${{parameters.azure_subscription}} azureresourcegroup: ${{parameters.azureresourcegroup}} workspacename: ${{parameters.workspacename}} azureregion: ${{parameters.azureregion}} aksimagename: ${{parameters.aksimagename}} aks_service_name: ${{parameters.aks_service_name}} aks_name: ${{parameters.aks_name}} conda: ${{parameters.conda}} pylint_fail: False - template: cleanuptask.yml parameters: azureSubscription: ${{parameters.azureSubscription}} conda: ${{parameters.conda}} azureresourcegroup: ${{parameters.azureresourcegroup}} doCleanup: ${{parameters.doCleanup}}
AI/.ci/steps/az-ml-realtime-score.yml/0
{ "file_path": "AI/.ci/steps/az-ml-realtime-score.yml", "repo_id": "AI", "token_count": 638 }
21
parameters: template: '' azureSubscription: 'x' azure_subscription: 'x' azureresourcegroup: 'x' workspacename: 'x' azureregion: 'x' aksimagename: 'x' aks_name: "mlaks" location: "" #Root Dir of Project python_path: "" #Root Dir of Python Env cluster_name: "-" flighting_release: false flighting_preview: false flighting_master: false doCleanup: True sql_server_name: "x" sql_database_name: "x" sql_username: "x" sql_password: "x" data_prep: true train: true post_cleanup: true container_name: "x" account_name: "x" account_key: "x" datastore_rg: "x" steps: - template: docker_clean.yml - template: ${{parameters.template}} parameters: azureSubscription: ${{parameters.azureSubscription}} azure_subscription: ${{parameters.azure_subscription}} azureresourcegroup: ${{parameters.azureresourcegroup}} workspacename: ${{parameters.workspacename}} azureregion: ${{parameters.azureregion}} aksimagename: ${{parameters.aksimagename}} aks_name: ${{parameters.aks_name}} location: ${{parameters.location}} python_path: ${{parameters.python_path}} cluster_name: ${{parameters.cluster_name}} flighting_release: ${{parameters.flighting_release}} flighting_preview: ${{parameters.flighting_preview}} flighting_master: ${{parameters.flighting_master}} doCleanup: ${{parameters.doCleanup}} sql_server_name: ${{parameters.sql_server_name}} sql_database_name: ${{parameters.sql_database_name}} sql_username: ${{parameters.sql_username}} sql_password: ${{parameters.sql_password}} data_prep: ${{parameters.data_prep}} train: ${{parameters.train}} post_cleanup: ${{parameters.post_cleanup}} container_name: ${{parameters.container_name}} account_name: ${{parameters.account_name}} account_key: ${{parameters.account_key}} datastore_rg: ${{parameters.datastore_rg}}
AI/.ci/steps/deploy_notebook_steps_v2.yml/0
{ "file_path": "AI/.ci/steps/deploy_notebook_steps_v2.yml", "repo_id": "AI", "token_count": 730 }
22
variables: azure_subscription: 0ca618d2-22a8-413a-96d0-0f1b531129c3 azureSubscription: AG-AzureCAT-AIDevOps-Test-COGSNonProd-IO1685734(0ca618d2-22a8-413a-96d0-0f1b531129c3)
AI/.ci/vars/agce_devops_sub_vars.yml/0
{ "file_path": "AI/.ci/vars/agce_devops_sub_vars.yml", "repo_id": "AI", "token_count": 98 }
23
{ "$schema": "https://schema.management.azure.com/schemas/2019-04-01/deploymentTemplate.json#", "contentVersion": "1.0.0.0", "parameters": { "delegateIdentity": { "type": "bool", "defaultValue": false }, "identityName": { "type": "string" }, "location": { "type": "string" } }, "variables": { "contributor": "[concat(subscription().id, '/providers/Microsoft.Authorization/roleDefinitions/', 'b24988ac-6180-42a0-ab88-20f7382dd24c')]", "identity": "[resourceId('Microsoft.ManagedIdentity/userAssignedIdentities', parameters('identityName'))]", "roleAssignmentName": "[guid(resourceGroup().id, parameters('identityName'))]", "delegatedRoleAssignmentName": "[guid(resourceGroup().id, parameters('identityName'), 'delegated')]" }, "resources": [ { "comments": "User-assigned managed identity used by deployment script", "type": "Microsoft.ManagedIdentity/userAssignedIdentities", "apiVersion": "2018-11-30", "name": "[parameters('identityName')]", "location": "[parameters('location')]" }, { "condition": "[not(parameters('delegateIdentity'))]", "comments": "Grant user-assigned managed identity permission on the scope of resource group", "type": "Microsoft.Authorization/roleAssignments", "apiVersion": "2020-04-01-preview", "name": "[variables('roleAssignmentName')]", "dependsOn": [ "[variables('identity')]" ], "properties": { "roleDefinitionId": "[variables('contributor')]", "principalId": "[reference(parameters('identityName')).principalId]", "principalType": "ServicePrincipal", "scope": "[resourceGroup().id]" } }, { "condition": "[parameters('delegateIdentity')]", "comments": "Grant user-assigned managed identity permission on the scope of resource group", "type": "Microsoft.Authorization/roleAssignments", "apiVersion": "2020-04-01-preview", "name": "[variables('delegatedRoleAssignmentName')]", "dependsOn": [ "[variables('identity')]" ], "properties": { "roleDefinitionId": "[variables('contributor')]", "principalId": "[reference(parameters('identityName')).principalId]", "principalType": "ServicePrincipal", "scope": "[resourceGroup().id]", "delegatedManagedIdentityResourceId": "[variables('identity')]" } } ], "outputs": { "resourceId": { "type": "string", "value": "[variables('identity')]" }, "principalId": { "type": "string", "value": "[reference(parameters('identityName')).principalId]" } } }
AI/AzureDeployment/Identity/Identity.json/0
{ "file_path": "AI/AzureDeployment/Identity/Identity.json", "repo_id": "AI", "token_count": 1090 }
24
import sys sys.path += ['../'] import torch import os import faiss from utils.util import ( barrier_array_merge, convert_to_string_id, is_first_worker, StreamingDataset, EmbeddingCache, get_checkpoint_no, get_latest_ann_data ) import csv import copy import transformers from transformers import ( AdamW, RobertaConfig, RobertaForSequenceClassification, RobertaTokenizer, get_linear_schedule_with_warmup, RobertaModel, ) from data.msmarco_data import GetProcessingFn from model.models import MSMarcoConfigDict, ALL_MODELS from torch import nn import torch.distributed as dist from tqdm import tqdm, trange from torch.utils.data import DataLoader, RandomSampler, SequentialSampler, TensorDataset import numpy as np from os.path import isfile, join import argparse import json import logging import random import time import pytrec_eval torch.multiprocessing.set_sharing_strategy('file_system') logger = logging.getLogger(__name__) # ANN - active learning ------------------------------------------------------ try: from torch.utils.tensorboard import SummaryWriter except ImportError: from tensorboardX import SummaryWriter def get_latest_checkpoint(args): if not os.path.exists(args.training_dir): return args.init_model_dir, 0 subdirectories = list(next(os.walk(args.training_dir))[1]) def valid_checkpoint(checkpoint): chk_path = os.path.join(args.training_dir, checkpoint) scheduler_path = os.path.join(chk_path, "scheduler.pt") return os.path.exists(scheduler_path) checkpoint_nums = [get_checkpoint_no( s) for s in subdirectories if valid_checkpoint(s)] if len(checkpoint_nums) > 0: return os.path.join(args.training_dir, "checkpoint-" + str(max(checkpoint_nums))) + "/", max(checkpoint_nums) return args.init_model_dir, 0 def load_positive_ids(args): logger.info("Loading query_2_pos_docid") training_query_positive_id = {} query_positive_id_path = os.path.join(args.data_dir, "train-qrel.tsv") with open(query_positive_id_path, 'r', encoding='utf8') as f: tsvreader = csv.reader(f, delimiter="\t") for [topicid, docid, rel] in tsvreader: assert rel == "1" topicid = int(topicid) docid = int(docid) training_query_positive_id[topicid] = docid logger.info("Loading dev query_2_pos_docid") dev_query_positive_id = {} query_positive_id_path = os.path.join(args.data_dir, "dev-qrel.tsv") with open(query_positive_id_path, 'r', encoding='utf8') as f: tsvreader = csv.reader(f, delimiter="\t") for [topicid, docid, rel] in tsvreader: topicid = int(topicid) docid = int(docid) if topicid not in dev_query_positive_id: dev_query_positive_id[topicid] = {} dev_query_positive_id[topicid][docid] = int(rel) return training_query_positive_id, dev_query_positive_id def load_model(args, checkpoint_path): label_list = ["0", "1"] num_labels = len(label_list) args.model_type = args.model_type.lower() configObj = MSMarcoConfigDict[args.model_type] args.model_name_or_path = checkpoint_path config = configObj.config_class.from_pretrained( args.config_name if args.config_name else args.model_name_or_path, num_labels=num_labels, finetuning_task="MSMarco", cache_dir=args.cache_dir if args.cache_dir else None, ) tokenizer = configObj.tokenizer_class.from_pretrained( args.tokenizer_name if args.tokenizer_name else args.model_name_or_path, do_lower_case=True, cache_dir=args.cache_dir if args.cache_dir else None, ) model = configObj.model_class.from_pretrained( args.model_name_or_path, from_tf=bool(".ckpt" in args.model_name_or_path), config=config, cache_dir=args.cache_dir if args.cache_dir else None, ) model.to(args.device) logger.info("Inference parameters %s", args) if args.local_rank != -1: model = torch.nn.parallel.DistributedDataParallel( model, device_ids=[ args.local_rank], output_device=args.local_rank, find_unused_parameters=True, ) return config, tokenizer, model def InferenceEmbeddingFromStreamDataLoader( args, model, train_dataloader, is_query_inference=True, prefix=""): # expect dataset from ReconstructTrainingSet results = {} eval_batch_size = args.per_gpu_eval_batch_size # Inference! logger.info("***** Running ANN Embedding Inference *****") logger.info(" Batch size = %d", eval_batch_size) embedding = [] embedding2id = [] if args.local_rank != -1: dist.barrier() model.eval() for batch in tqdm(train_dataloader, desc="Inferencing", disable=args.local_rank not in [-1, 0], position=0, leave=True): idxs = batch[3].detach().numpy() # [#B] batch = tuple(t.to(args.device) for t in batch) with torch.no_grad(): inputs = { "input_ids": batch[0].long(), "attention_mask": batch[1].long()} if is_query_inference: embs = model.module.query_emb(**inputs) else: embs = model.module.body_emb(**inputs) embs = embs.detach().cpu().numpy() # check for multi chunk output for long sequence if len(embs.shape) == 3: for chunk_no in range(embs.shape[1]): embedding2id.append(idxs) embedding.append(embs[:, chunk_no, :]) else: embedding2id.append(idxs) embedding.append(embs) embedding = np.concatenate(embedding, axis=0) embedding2id = np.concatenate(embedding2id, axis=0) return embedding, embedding2id # streaming inference def StreamInferenceDoc(args, model, fn, prefix, f, is_query_inference=True): inference_batch_size = args.per_gpu_eval_batch_size # * max(1, args.n_gpu) inference_dataset = StreamingDataset(f, fn) inference_dataloader = DataLoader( inference_dataset, batch_size=inference_batch_size) if args.local_rank != -1: dist.barrier() # directory created _embedding, _embedding2id = InferenceEmbeddingFromStreamDataLoader( args, model, inference_dataloader, is_query_inference=is_query_inference, prefix=prefix) logger.info("merging embeddings") # preserve to memory full_embedding = barrier_array_merge( args, _embedding, prefix=prefix + "_emb_p_", load_cache=False, only_load_in_master=True) full_embedding2id = barrier_array_merge( args, _embedding2id, prefix=prefix + "_embid_p_", load_cache=False, only_load_in_master=True) return full_embedding, full_embedding2id def generate_new_ann( args, output_num, checkpoint_path, training_query_positive_id, dev_query_positive_id, latest_step_num): config, tokenizer, model = load_model(args, checkpoint_path) logger.info("***** inference of dev query *****") dev_query_collection_path = os.path.join(args.data_dir, "dev-query") dev_query_cache = EmbeddingCache(dev_query_collection_path) with dev_query_cache as emb: dev_query_embedding, dev_query_embedding2id = StreamInferenceDoc(args, model, GetProcessingFn( args, query=True), "dev_query_" + str(latest_step_num) + "_", emb, is_query_inference=True) logger.info("***** inference of passages *****") passage_collection_path = os.path.join(args.data_dir, "passages") passage_cache = EmbeddingCache(passage_collection_path) with passage_cache as emb: passage_embedding, passage_embedding2id = StreamInferenceDoc(args, model, GetProcessingFn( args, query=False), "passage_" + str(latest_step_num) + "_", emb, is_query_inference=False) logger.info("***** Done passage inference *****") if args.inference: return logger.info("***** inference of train query *****") train_query_collection_path = os.path.join(args.data_dir, "train-query") train_query_cache = EmbeddingCache(train_query_collection_path) with train_query_cache as emb: query_embedding, query_embedding2id = StreamInferenceDoc(args, model, GetProcessingFn( args, query=True), "query_" + str(latest_step_num) + "_", emb, is_query_inference=True) if is_first_worker(): dim = passage_embedding.shape[1] print('passage embedding shape: ' + str(passage_embedding.shape)) top_k = args.topk_training faiss.omp_set_num_threads(16) cpu_index = faiss.IndexFlatIP(dim) cpu_index.add(passage_embedding) logger.info("***** Done ANN Index *****") # measure ANN mrr # I: [number of queries, topk] _, dev_I = cpu_index.search(dev_query_embedding, 100) dev_ndcg, num_queries_dev = EvalDevQuery( args, dev_query_embedding2id, passage_embedding2id, dev_query_positive_id, dev_I) # Construct new traing set ================================== chunk_factor = args.ann_chunk_factor effective_idx = output_num % chunk_factor if chunk_factor <= 0: chunk_factor = 1 num_queries = len(query_embedding) queries_per_chunk = num_queries // chunk_factor q_start_idx = queries_per_chunk * effective_idx q_end_idx = num_queries if ( effective_idx == ( chunk_factor - 1)) else ( q_start_idx + queries_per_chunk) query_embedding = query_embedding[q_start_idx:q_end_idx] query_embedding2id = query_embedding2id[q_start_idx:q_end_idx] logger.info( "Chunked {} query from {}".format( len(query_embedding), num_queries)) # I: [number of queries, topk] _, I = cpu_index.search(query_embedding, top_k) effective_q_id = set(query_embedding2id.flatten()) query_negative_passage = GenerateNegativePassaageID( args, query_embedding2id, passage_embedding2id, training_query_positive_id, I, effective_q_id) logger.info("***** Construct ANN Triplet *****") train_data_output_path = os.path.join( args.output_dir, "ann_training_data_" + str(output_num)) with open(train_data_output_path, 'w') as f: query_range = list(range(I.shape[0])) random.shuffle(query_range) for query_idx in query_range: query_id = query_embedding2id[query_idx] if query_id not in effective_q_id or query_id not in training_query_positive_id: continue pos_pid = training_query_positive_id[query_id] f.write( "{}\t{}\t{}\n".format( query_id, pos_pid, ','.join( str(neg_pid) for neg_pid in query_negative_passage[query_id]))) ndcg_output_path = os.path.join( args.output_dir, "ann_ndcg_" + str(output_num)) with open(ndcg_output_path, 'w') as f: json.dump({'ndcg': dev_ndcg, 'checkpoint': checkpoint_path}, f) return dev_ndcg, num_queries_dev def GenerateNegativePassaageID( args, query_embedding2id, passage_embedding2id, training_query_positive_id, I_nearest_neighbor, effective_q_id): query_negative_passage = {} SelectTopK = args.ann_measure_topk_mrr mrr = 0 # only meaningful if it is SelectTopK = True num_queries = 0 for query_idx in range(I_nearest_neighbor.shape[0]): query_id = query_embedding2id[query_idx] if query_id not in effective_q_id: continue num_queries += 1 pos_pid = training_query_positive_id[query_id] top_ann_pid = I_nearest_neighbor[query_idx, :].copy() if SelectTopK: selected_ann_idx = top_ann_pid[:args.negative_sample + 1] else: negative_sample_I_idx = list(range(I_nearest_neighbor.shape[1])) random.shuffle(negative_sample_I_idx) selected_ann_idx = top_ann_pid[negative_sample_I_idx] query_negative_passage[query_id] = [] neg_cnt = 0 rank = 0 for idx in selected_ann_idx: neg_pid = passage_embedding2id[idx] rank += 1 if neg_pid == pos_pid: if rank <= 10: mrr += 1 / rank continue if neg_pid in query_negative_passage[query_id]: continue if neg_cnt >= args.negative_sample: break query_negative_passage[query_id].append(neg_pid) neg_cnt += 1 if SelectTopK: print("Rank:" + str(args.rank) + " --- ANN MRR:" + str(mrr / num_queries)) return query_negative_passage def EvalDevQuery( args, query_embedding2id, passage_embedding2id, dev_query_positive_id, I_nearest_neighbor): # [qid][docid] = docscore, here we use -rank as score, so the higher the rank (1 > 2), the higher the score (-1 > -2) prediction = {} for query_idx in range(I_nearest_neighbor.shape[0]): query_id = query_embedding2id[query_idx] prediction[query_id] = {} top_ann_pid = I_nearest_neighbor[query_idx, :].copy() selected_ann_idx = top_ann_pid[:50] rank = 0 seen_pid = set() for idx in selected_ann_idx: pred_pid = passage_embedding2id[idx] if pred_pid not in seen_pid: # this check handles multiple vector per document rank += 1 prediction[query_id][pred_pid] = -rank seen_pid.add(pred_pid) # use out of the box evaluation script evaluator = pytrec_eval.RelevanceEvaluator( convert_to_string_id(dev_query_positive_id), {'map_cut', 'ndcg_cut'}) eval_query_cnt = 0 result = evaluator.evaluate(convert_to_string_id(prediction)) ndcg = 0 for k in result.keys(): eval_query_cnt += 1 ndcg += result[k]["ndcg_cut_10"] final_ndcg = ndcg / eval_query_cnt print("Rank:" + str(args.rank) + " --- ANN NDCG@10:" + str(final_ndcg)) return final_ndcg, eval_query_cnt def get_arguments(): parser = argparse.ArgumentParser() # Required parameters parser.add_argument( "--data_dir", default=None, type=str, required=True, help="The input data dir. Should contain the .tsv files (or other data files) for the task.", ) parser.add_argument( "--training_dir", default=None, type=str, required=True, help="Training dir, will look for latest checkpoint dir in here", ) parser.add_argument( "--init_model_dir", default=None, type=str, required=True, help="Initial model dir, will use this if no checkpoint is found in model_dir", ) parser.add_argument( "--last_checkpoint_dir", default="", type=str, help="Last checkpoint used, this is for rerunning this script when some ann data is already generated", ) parser.add_argument( "--model_type", default=None, type=str, required=True, help="Model type selected in the list: " + ", ".join( MSMarcoConfigDict.keys()), ) parser.add_argument( "--output_dir", default=None, type=str, required=True, help="The output directory where the training data will be written", ) parser.add_argument( "--cache_dir", default=None, type=str, required=True, help="The directory where cached data will be written", ) parser.add_argument( "--end_output_num", default=- 1, type=int, help="Stop after this number of data versions has been generated, default run forever", ) parser.add_argument( "--max_seq_length", default=128, type=int, help="The maximum total input sequence length after tokenization. Sequences longer " "than this will be truncated, sequences shorter will be padded.", ) parser.add_argument( "--max_query_length", default=64, type=int, help="The maximum total input sequence length after tokenization. Sequences longer " "than this will be truncated, sequences shorter will be padded.", ) parser.add_argument( "--max_doc_character", default=10000, type=int, help="used before tokenizer to save tokenizer latency", ) parser.add_argument( "--per_gpu_eval_batch_size", default=128, type=int, help="The starting output file number", ) parser.add_argument( "--ann_chunk_factor", default=5, # for 500k queryes, divided into 100k chunks for each epoch type=int, help="devide training queries into chunks", ) parser.add_argument( "--topk_training", default=500, type=int, help="top k from which negative samples are collected", ) parser.add_argument( "--negative_sample", default=5, type=int, help="at each resample, how many negative samples per query do I use", ) parser.add_argument( "--ann_measure_topk_mrr", default=False, action="store_true", help="load scheduler from checkpoint or not", ) parser.add_argument( "--only_keep_latest_embedding_file", default=False, action="store_true", help="load scheduler from checkpoint or not", ) parser.add_argument( "--no_cuda", action="store_true", help="Avoid using CUDA when available", ) parser.add_argument( "--local_rank", type=int, default=-1, help="For distributed training: local_rank", ) parser.add_argument( "--server_ip", type=str, default="", help="For distant debugging.", ) parser.add_argument( "--server_port", type=str, default="", help="For distant debugging.", ) parser.add_argument( "--inference", default=False, action="store_true", help="only do inference if specify", ) parser.add_argument( "--config_name", default="", type=str, help="Pretrained config name or path if not the same as model_name", ) parser.add_argument( "--tokenizer_name", default="", type=str, help="Pretrained tokenizer name or path if not the same as model_name", ) args = parser.parse_args() return args def set_env(args): # Setup CUDA, GPU & distributed training if args.local_rank == -1 or args.no_cuda: device = torch.device( "cuda" if torch.cuda.is_available() and not args.no_cuda else "cpu") args.n_gpu = torch.cuda.device_count() else: # Initializes the distributed backend which will take care of sychronizing nodes/GPUs torch.cuda.set_device(args.local_rank) device = torch.device("cuda", args.local_rank) torch.distributed.init_process_group(backend="nccl") args.n_gpu = 1 args.device = device # store args if args.local_rank != -1: args.world_size = torch.distributed.get_world_size() args.rank = dist.get_rank() # Setup logging logging.basicConfig( format="%(asctime)s - %(levelname)s - %(name)s - %(message)s", datefmt="%m/%d/%Y %H:%M:%S", level=logging.INFO if args.local_rank in [-1, 0] else logging.WARN, ) logger.warning( "Process rank: %s, device: %s, n_gpu: %s, distributed training: %s", args.local_rank, device, args.n_gpu, bool(args.local_rank != -1), ) def ann_data_gen(args): last_checkpoint = args.last_checkpoint_dir ann_no, ann_path, ndcg_json = get_latest_ann_data(args.output_dir) output_num = ann_no + 1 logger.info("starting output number %d", output_num) if is_first_worker(): if not os.path.exists(args.output_dir): os.makedirs(args.output_dir) if not os.path.exists(args.cache_dir): os.makedirs(args.cache_dir) training_positive_id, dev_positive_id = load_positive_ids(args) while args.end_output_num == -1 or output_num <= args.end_output_num: next_checkpoint, latest_step_num = get_latest_checkpoint(args) if args.only_keep_latest_embedding_file: latest_step_num = 0 if next_checkpoint == last_checkpoint: time.sleep(60) else: logger.info("start generate ann data number %d", output_num) logger.info("next checkpoint at " + next_checkpoint) generate_new_ann( args, output_num, next_checkpoint, training_positive_id, dev_positive_id, latest_step_num) if args.inference: break logger.info("finished generating ann data number %d", output_num) output_num += 1 last_checkpoint = next_checkpoint if args.local_rank != -1: dist.barrier() def main(): args = get_arguments() set_env(args) ann_data_gen(args) if __name__ == "__main__": main()
ANCE/drivers/run_ann_data_gen.py/0
{ "file_path": "ANCE/drivers/run_ann_data_gen.py", "repo_id": "ANCE", "token_count": 10146 }
25
import sys sys.path += ['../'] import torch from torch import nn from transformers import ( RobertaConfig, RobertaModel, RobertaForSequenceClassification, RobertaTokenizer, BertModel, BertTokenizer, BertConfig ) import torch.nn.functional as F from data.process_fn import triple_process_fn, triple2dual_process_fn from model.SEED_Encoder import SEEDEncoderConfig, SEEDTokenizer, SEEDEncoderForSequenceClassification,SEEDEncoderForMaskedLM class EmbeddingMixin: """ Mixin for common functions in most embedding models. Each model should define its own bert-like backbone and forward. We inherit from RobertaModel to use from_pretrained """ def __init__(self, model_argobj): if model_argobj is None: self.use_mean = False else: self.use_mean = model_argobj.use_mean print("Using mean:", self.use_mean) def _init_weights(self, module): """ Initialize the weights """ if isinstance(module, (nn.Linear, nn.Embedding, nn.Conv1d)): # Slightly different from the TF version which uses truncated_normal for initialization # cf https://github.com/pytorch/pytorch/pull/5617 module.weight.data.normal_(mean=0.0, std=0.02) def masked_mean(self, t, mask): s = torch.sum(t * mask.unsqueeze(-1).float(), axis=1) d = mask.sum(axis=1, keepdim=True).float() return s / d def masked_mean_or_first(self, emb_all, mask): # emb_all is a tuple from bert - sequence output, pooler assert isinstance(emb_all, tuple) if self.use_mean: return self.masked_mean(emb_all[0], mask) else: return emb_all[0][:, 0] def query_emb(self, input_ids, attention_mask): raise NotImplementedError("Please Implement this method") def body_emb(self, input_ids, attention_mask): raise NotImplementedError("Please Implement this method") class NLL(EmbeddingMixin): def forward( self, query_ids, attention_mask_q, input_ids_a=None, attention_mask_a=None, input_ids_b=None, attention_mask_b=None, is_query=True): if input_ids_b is None and is_query: return self.query_emb(query_ids, attention_mask_q) elif input_ids_b is None: return self.body_emb(query_ids, attention_mask_q) q_embs = self.query_emb(query_ids, attention_mask_q) a_embs = self.body_emb(input_ids_a, attention_mask_a) b_embs = self.body_emb(input_ids_b, attention_mask_b) logit_matrix = torch.cat([(q_embs * a_embs).sum(-1).unsqueeze(1), (q_embs * b_embs).sum(-1).unsqueeze(1)], dim=1) # [B, 2] lsm = F.log_softmax(logit_matrix, dim=1) loss = -1.0 * lsm[:, 0] return (loss.mean(),) class NLL_MultiChunk(EmbeddingMixin): def forward( self, query_ids, attention_mask_q, input_ids_a=None, attention_mask_a=None, input_ids_b=None, attention_mask_b=None, is_query=True): if input_ids_b is None and is_query: return self.query_emb(query_ids, attention_mask_q) elif input_ids_b is None: return self.body_emb(query_ids, attention_mask_q) q_embs = self.query_emb(query_ids, attention_mask_q) a_embs = self.body_emb(input_ids_a, attention_mask_a) b_embs = self.body_emb(input_ids_b, attention_mask_b) [batchS, full_length] = input_ids_a.size() chunk_factor = full_length // self.base_len # special handle of attention mask ----- attention_mask_body = attention_mask_a.reshape( batchS, chunk_factor, -1)[:, :, 0] # [batchS, chunk_factor] inverted_bias = ((1 - attention_mask_body) * (-9999)).float() a12 = torch.matmul( q_embs.unsqueeze(1), a_embs.transpose( 1, 2)) # [batch, 1, chunk_factor] logits_a = (a12[:, 0, :] + inverted_bias).max(dim=- 1, keepdim=False).values # [batch] # ------------------------------------- # special handle of attention mask ----- attention_mask_body = attention_mask_b.reshape( batchS, chunk_factor, -1)[:, :, 0] # [batchS, chunk_factor] inverted_bias = ((1 - attention_mask_body) * (-9999)).float() a12 = torch.matmul( q_embs.unsqueeze(1), b_embs.transpose( 1, 2)) # [batch, 1, chunk_factor] logits_b = (a12[:, 0, :] + inverted_bias).max(dim=- 1, keepdim=False).values # [batch] # ------------------------------------- logit_matrix = torch.cat( [logits_a.unsqueeze(1), logits_b.unsqueeze(1)], dim=1) # [B, 2] lsm = F.log_softmax(logit_matrix, dim=1) loss = -1.0 * lsm[:, 0] return (loss.mean(),) class RobertaDot_NLL_LN(NLL, RobertaForSequenceClassification): """None Compress embedding to 200d, then computes NLL loss. """ def __init__(self, config, model_argobj=None): NLL.__init__(self, model_argobj) RobertaForSequenceClassification.__init__(self, config) self.embeddingHead = nn.Linear(config.hidden_size, 768) self.norm = nn.LayerNorm(768) self.apply(self._init_weights) def query_emb(self, input_ids, attention_mask): outputs1 = self.roberta(input_ids=input_ids, attention_mask=attention_mask) full_emb = self.masked_mean_or_first(outputs1, attention_mask) query1 = self.norm(self.embeddingHead(full_emb)) return query1 def body_emb(self, input_ids, attention_mask): return self.query_emb(input_ids, attention_mask) class RobertaDot_CLF_ANN_NLL_MultiChunk(NLL_MultiChunk, RobertaDot_NLL_LN): def __init__(self, config): RobertaDot_NLL_LN.__init__(self, config) self.base_len = 512 def body_emb(self, input_ids, attention_mask): [batchS, full_length] = input_ids.size() chunk_factor = full_length // self.base_len input_seq = input_ids.reshape( batchS, chunk_factor, full_length // chunk_factor).reshape( batchS * chunk_factor, full_length // chunk_factor) attention_mask_seq = attention_mask.reshape( batchS, chunk_factor, full_length // chunk_factor).reshape( batchS * chunk_factor, full_length // chunk_factor) outputs_k = self.roberta(input_ids=input_seq, attention_mask=attention_mask_seq) compressed_output_k = self.embeddingHead( outputs_k[0]) # [batch, len, dim] compressed_output_k = self.norm(compressed_output_k[:, 0, :]) [batch_expand, embeddingS] = compressed_output_k.size() complex_emb_k = compressed_output_k.reshape( batchS, chunk_factor, embeddingS) return complex_emb_k # size [batchS, chunk_factor, embeddingS] class SEEDEncoderDot_NLL_LN(NLL, SEEDEncoderForSequenceClassification): """None Compress embedding to 200d, then computes NLL loss. """ def __init__(self, config, model_argobj=None): NLL.__init__(self, model_argobj) SEEDEncoderForSequenceClassification.__init__(self, config) self.embeddingHead = nn.Linear(config.encoder_embed_dim, 768) self.norm = nn.LayerNorm(768) self.apply(self._init_weights) def query_emb(self, input_ids, attention_mask=None): outputs1 = self.seed_encoder.encoder(input_ids) full_emb = self.masked_mean_or_first(outputs1, attention_mask) query1 = self.norm(self.embeddingHead(full_emb)) return query1 def body_emb(self, input_ids, attention_mask=None): return self.query_emb(input_ids, attention_mask) class HFBertEncoder(BertModel): def __init__(self, config): BertModel.__init__(self, config) assert config.hidden_size > 0, 'Encoder hidden_size can\'t be zero' self.init_weights() @classmethod def init_encoder(cls, args, dropout: float = 0.1): cfg = BertConfig.from_pretrained("bert-base-uncased") if dropout != 0: cfg.attention_probs_dropout_prob = dropout cfg.hidden_dropout_prob = dropout return cls.from_pretrained("bert-base-uncased", config=cfg) def forward(self, input_ids, attention_mask): hidden_states = None sequence_output, pooled_output = super().forward(input_ids=input_ids, attention_mask=attention_mask) pooled_output = sequence_output[:, 0, :] return sequence_output, pooled_output, hidden_states def get_out_size(self): if self.encode_proj: return self.encode_proj.out_features return self.config.hidden_size class BiEncoder(nn.Module): """ Bi-Encoder model component. Encapsulates query/question and context/passage encoders. """ def __init__(self, args): super(BiEncoder, self).__init__() self.question_model = HFBertEncoder.init_encoder(args) self.ctx_model = HFBertEncoder.init_encoder(args) def query_emb(self, input_ids, attention_mask): sequence_output, pooled_output, hidden_states = self.question_model(input_ids, attention_mask) return pooled_output def body_emb(self, input_ids, attention_mask): sequence_output, pooled_output, hidden_states = self.ctx_model(input_ids, attention_mask) return pooled_output def forward(self, query_ids, attention_mask_q, input_ids_a = None, attention_mask_a = None, input_ids_b = None, attention_mask_b = None): if input_ids_b is None: q_embs = self.query_emb(query_ids, attention_mask_q) a_embs = self.body_emb(input_ids_a, attention_mask_a) return (q_embs, a_embs) q_embs = self.query_emb(query_ids, attention_mask_q) a_embs = self.body_emb(input_ids_a, attention_mask_a) b_embs = self.body_emb(input_ids_b, attention_mask_b) logit_matrix = torch.cat([(q_embs*a_embs).sum(-1).unsqueeze(1), (q_embs*b_embs).sum(-1).unsqueeze(1)], dim=1) #[B, 2] lsm = F.log_softmax(logit_matrix, dim=1) loss = -1.0*lsm[:,0] return (loss.mean(),) # -------------------------------------------------- ALL_MODELS = sum( ( tuple(conf.pretrained_config_archive_map.keys()) for conf in ( RobertaConfig, ) if hasattr(conf,'pretrained_config_archive_map') ), (), ) default_process_fn = triple_process_fn class MSMarcoConfig: def __init__(self, name, model, process_fn=default_process_fn, use_mean=True, tokenizer_class=RobertaTokenizer, config_class=RobertaConfig): self.name = name self.process_fn = process_fn self.model_class = model self.use_mean = use_mean self.tokenizer_class = tokenizer_class self.config_class = config_class configs = [ MSMarcoConfig(name="rdot_nll", model=RobertaDot_NLL_LN, use_mean=False, ), MSMarcoConfig(name="rdot_nll_multi_chunk", model=RobertaDot_CLF_ANN_NLL_MultiChunk, use_mean=False, ), MSMarcoConfig(name="dpr", model=BiEncoder, tokenizer_class=BertTokenizer, config_class=BertConfig, use_mean=False, ), MSMarcoConfig(name="seeddot_nll", model=SEEDEncoderDot_NLL_LN, use_mean=False, tokenizer_class=SEEDTokenizer, config_class=SEEDEncoderConfig, ), ] MSMarcoConfigDict = {cfg.name: cfg for cfg in configs}
ANCE/model/models.py/0
{ "file_path": "ANCE/model/models.py", "repo_id": "ANCE", "token_count": 5742 }
26
""" Code for self-training with weak supervision. Author: Giannis Karamanolakis ([email protected]) """ import argparse import json import logging import os import glob from os.path import expanduser from pathlib import Path import numpy as np import random import shutil import torch import joblib from Logger import get_logger, close from DataHandler import DataHandler from Student import Student from Teacher import Teacher from Evaluator import Evaluator from datetime import datetime from copy import deepcopy from collections import defaultdict from utils import to_one_hot, evaluate_ran, analyze_rule_attention_scores, evaluate, evaluate_test from utils import save_and_report_results, summarize_results home = expanduser("~") def astra(args, logger): """ Self-training with weak supervivsion Leverages labeled, unlabeled data and weak rules for training a neural network """ teacher_dev_res_list = [] teacher_test_res_list = [] teacher_train_res_list = [] dev_res_list = [] test_res_list = [] train_res_list = [] results = {} student_pred_list = [] ev = Evaluator(args, logger=logger) logger.info("building student: {}".format(args.student_name)) student = Student(args, logger=logger) logger.info("building teacher") teacher = Teacher(args, logger=logger) logger.info("loading data") dh = DataHandler(args, logger=logger, student_preprocess=student.preprocess, teacher_preprocess=teacher.preprocess) train_dataset = dh.load_dataset(method='train') train_dataset.oversample(args.oversample) dev_dataset = dh.load_dataset(method='dev') test_dataset = dh.load_dataset(method='test') unlabeled_dataset = dh.load_dataset(method='unlabeled') logger.info("creating pseudo-dataset") pseudodataset = dh.create_pseudodataset(unlabeled_dataset) pseudodataset.downsample(args.sample_size) # Train Student newtraindataset = dh.create_pseudodataset(train_dataset) newtraindataset.balance('labels') newtraindataset.report_stats('labels') results['student_train'] = student.train( train_dataset=newtraindataset, dev_dataset=dev_dataset, train_label_name='labels', dev_label_name='labels', ) train_res_list.append(results['student_train']) student.save('supervised_student') logger.info("\n\n\t*** Evaluating on dev data ***") results['supervised_student_dev'] = evaluate(student, dev_dataset, ev, "student dev") dev_res_list.append(results['supervised_student_dev']) logger.info("\n\n\t*** Evaluating on test data ***") results['supervised_student_test'], s_test_dict = evaluate_test(student, test_dataset, ev, "student test") test_res_list.append(results['supervised_student_test']) student_pred_list.append(s_test_dict) # Initialize Teacher logger.info("initializing teacher on unlabeled data with majority voting") teacher_res = teacher.train(pseudodataset) logger.info("evaluating majority voting") results['teacher_train'] = evaluate(teacher, train_dataset, ev, "teacher train") results['teacher_dev'] = evaluate(teacher, dev_dataset, ev, "teacher dev") results['teacher_test'] = evaluate(teacher, test_dataset, ev, "teacher test") teacher_train_res_list.append(results['teacher_train']) teacher_dev_res_list.append(results['teacher_dev']) teacher_test_res_list.append(results['teacher_test']) # Self-Training with Weak Supervision for iter in range(args.num_iter): logger.info("\n\n\t *** Starting loop {} ***".format(iter)) # Create pseudo-labeled dataset pseudodataset.downsample(args.sample_size) # Add Student as extra rule in teacher. logger.info("Adding Student as extra rule in Teacher") teacher.student = student _ = teacher.train_ran(train_dataset=train_dataset, train_label_name='labels', dev_dataset=dev_dataset, dev_label_name='labels', unlabeled_dataset=pseudodataset) # Apply Teacher on unlabeled data teacher_pred_dict_unlabeled = teacher.predict_ran(dataset=pseudodataset) teacher_dev_res, t_dev_dict = evaluate_ran(teacher, dev_dataset, ev, "teacher dev iter{}".format(iter)) teacher_dev_res_list.append(teacher_dev_res) teacher_test_res, t_test_dict = evaluate_ran(teacher, test_dataset, ev, "teacher test iter{}".format(iter)) # analyze_rule_attention_scores(t_test_dict, logger, args.logdir, name='test_iter{}'.format(iter)) teacher_test_res_list.append(teacher_test_res) # Update unlabeled data with Teacher's predictions pseudodataset.data['teacher_labels'] = teacher_pred_dict_unlabeled['preds'] pseudodataset.data['teacher_proba'] = teacher_pred_dict_unlabeled['proba'] pseudodataset.data['teacher_weights'] = np.max(teacher_pred_dict_unlabeled['proba'], axis=1) pseudodataset.drop(col='teacher_labels', value=-1) pseudodataset.balance('teacher_labels', proba='teacher_proba') pseudodataset.report_stats('teacher_labels') if len(set(teacher_pred_dict_unlabeled['preds'])) == 1: # Teacher predicts a single class logger.info("Self-training led to trivial predictions. Stopping...") break if len(pseudodataset) < 5: logger.info("[WARNING] Sampling led to only {} examples. Skipping iteration...".format(len(pseudodataset))) continue # Re-train student with weighted pseudo-instances logger.info('training student on pseudo-labeled instances provided by the teacher') train_res = student.train_pseudo( train_dataset=pseudodataset, dev_dataset=dev_dataset, train_label_name='teacher_proba' if args.soft_labels else 'teacher_labels', train_weight_name='teacher_weights' if args.loss_weights else None, dev_label_name='labels', ) logger.info('fine-tuning the student on clean labeled data') train_res = student.finetune( train_dataset=newtraindataset, dev_dataset=dev_dataset, train_label_name='labels', dev_label_name='labels', ) train_res_list.append(train_res) # Evaluate student performance and update records dev_res = evaluate(student, dev_dataset, ev, "student dev iter{}".format(iter)) test_res, s_test_dict = evaluate_test(student, test_dataset, ev, "student test iter{}".format(iter)) logger.info("Student Dev performance on iter {}: {}".format(iter, dev_res['perf'])) logger.info("Student Test performance on iter {}: {}".format(iter, test_res['perf'])) prev_max = max([x['perf'] for x in dev_res_list]) if dev_res['perf'] > prev_max: logger.info("Improved dev performance from {:.2f} to {:.2f}".format(prev_max, dev_res['perf'])) student.save("student_best") teacher.save("teacher_best") dev_res_list.append(dev_res) test_res_list.append(test_res) student_pred_list.append(s_test_dict) # Store Final Results logger.info("Final Results") teacher_all_dev = [x['perf'] for x in teacher_dev_res_list] teacher_all_test = [x['perf'] for x in teacher_test_res_list] teacher_perf_str = ["{}:\t{:.2f}\t{:.2f}".format(i, teacher_all_dev[i], teacher_all_test[i]) for i in np.arange(len(teacher_all_dev))] logger.info("TEACHER PERFORMANCES:\n{}".format("\n".join(teacher_perf_str))) all_dev = [x['perf'] for x in dev_res_list] all_test = [x['perf'] for x in test_res_list] perf_str = ["{}:\t{:.2f}\t{:.2f}".format(i, all_dev[i], all_test[i]) for i in np.arange(len(all_dev))] logger.info("STUDENT PERFORMANCES:\n{}".format("\n".join(perf_str))) # Get results in the best epoch (if multiple best epochs keep last one) best_dev_epoch = len(all_dev) - np.argmax(all_dev[::-1]) - 1 best_test_epoch = len(all_test) - np.argmax(all_test[::-1]) - 1 logger.info("BEST DEV {} = {:.3f} for epoch {}".format(args.metric, all_dev[best_dev_epoch], best_dev_epoch)) logger.info("FINAL TEST {} = {:.3f} for epoch {} (max={:.2f} for epoch {})".format(args.metric, all_test[best_dev_epoch], best_dev_epoch, all_test[best_test_epoch], best_test_epoch)) results['teacher_train_iter'] = teacher_train_res_list results['teacher_dev_iter'] = teacher_dev_res_list results['teacher_test_iter'] = teacher_test_res_list results['student_train_iter'] = train_res_list results['student_dev_iter'] = dev_res_list results['student_test_iter'] = test_res_list results['student_dev'] = dev_res_list[best_dev_epoch] results['student_test'] = test_res_list[best_dev_epoch] results['teacher_dev'] = teacher_dev_res_list[best_dev_epoch] results['teacher_test'] = teacher_test_res_list[best_dev_epoch] # Save models and results student.save("student_last") teacher.save("teacher_last") save_and_report_results(args, results, logger) return results def main(): parser = argparse.ArgumentParser() # Main Arguments parser.add_argument("--dataset", help="Dataset name", type=str, default='youtube') parser.add_argument("--datapath", help="Path to base dataset folder", type=str, default='../data') parser.add_argument("--student_name", help="Student short name", type=str, default='bert') parser.add_argument("--teacher_name", help="Student short name", type=str, default='ran') # Extra Arguments parser.add_argument("--experiment_folder", help="Dataset name", type=str, default='../experiments/') parser.add_argument("--logdir", help="Experiment log directory", type=str, default='./') parser.add_argument("--metric", help="Evaluation metric", type=str, default='acc') parser.add_argument("--num_iter", help="Number of self/co-training iterations", type=int, default=25) parser.add_argument("--num_supervised_trials", nargs="?", type=int, default=5, help="number of different trials to start self-training with") parser.add_argument('-ws', '--weak_sources', help="List of weak sources name for Teacher", nargs='+') parser.add_argument("--downsample", help="Downsample labeled train & dev datasets randomly stratisfied by label", type=float, default=1.0) parser.add_argument("--oversample", help="Oversample labeled train datasets", type=int, default=1) parser.add_argument("--tokenizer_method", help="Tokenizer method (for LogReg student)", type=str, default='clean') parser.add_argument("--num_epochs", default=70, type=int, help="Total number of training epochs for student.") parser.add_argument("--num_unsup_epochs", default=25, type=int, help="Total number of training epochs for training student on unlabeled data") parser.add_argument("--debug", action="store_true", help="Activate debug mode") parser.add_argument("--soft_labels", action="store_true", help="Use soft labels for training Student") parser.add_argument("--loss_weights", action="store_true", help="Use instance weights in loss function according to Teacher's confidence") parser.add_argument("--convert_abstain_to_random", action="store_true", help="In Teacher, if rules abstain on dev/test then flip a coin") parser.add_argument("--hard_student_rule", action="store_true", help="When using Student as a rule in Teacher, use hard (instead of soft) student labels") parser.add_argument("--train_batch_size", help="Train batch size", type=int, default=16) parser.add_argument("--eval_batch_size", help="Dev batch size", type=int, default=128) parser.add_argument("--unsup_batch_size", help="Unsupervised batch size", type=int, default=128) parser.add_argument("--max_size", help="Max size of unlabeled data for training the student if balance_maxsize==True", type=int, default=1000) parser.add_argument("--max_seq_length", help="Maximum sequence length (student)", type=int, default=64) parser.add_argument("--max_rule_seq_length", help="Maximum sequence length of rule predictions (i.e., max # rules that can cover a single instance)", type=int, default=10) parser.add_argument("--no_cuda", action="store_true", help="Do not use CUDA") parser.add_argument("--lower_case", action="store_true", help="Use uncased model") parser.add_argument("--overwrite", action="store_true", help="Overwrite dataset if exists") parser.add_argument("--weight_decay", default=0.0, type=float, help="Weight decay for student") parser.add_argument("--learning_rate", default=1e-3, type=float, help="The initial learning rate for Adam.") parser.add_argument("--finetuning_rate", default=1e-5, type=float, help="The initial learning rate for Adam.") parser.add_argument("--adam_epsilon", default=1e-8, type=float, help="Epsilon for Adam optimizer.") parser.add_argument("--max_grad_norm", default=1.0, type=float, help="Max gradient norm.") parser.add_argument("--warmup_steps", default=0, type=int, help="Linear warmup over warmup_steps.") parser.add_argument("--logging_steps", type=int, default=500, help="Log every X updates steps.") parser.add_argument("--fp16", action='store_true', help='whehter use fp16 or not') parser.add_argument("--sample_size", nargs="?", type=int, default=16384, help="number of unlabeled samples for evaluating uncetainty on in each self-training iteration") parser.add_argument("--seed", type=int, default=42, help="random seed for initialization") args = parser.parse_args() np.random.seed(args.seed) # Define dataset-specific parameters if args.dataset in ['sms']: args.num_labels = 2 args.metric = 'weighted_f1' args.oversample = 3 elif args.dataset in ['youtube']: args.num_labels = 2 args.metric = 'weighted_acc' args.oversample = 3 elif args.dataset == 'trec': args.num_labels = 6 args.metric = 'weighted_acc' args.oversample = 10 elif args.dataset == 'census': args.num_labels = 2 args.metric = 'weighted_acc' args.train_batch_size = 128 args.oversample = 5 # CENSUS is the only dataset where more than 10 rules may cover a single instance args.max_rule_seq_length = 15 elif args.dataset == 'mitr': args.num_labels = 9 args.metric = 'weighted_f1' args.oversample = 2 args.max_seq_length = 32 args.train_batch_size = 256 args.unsup_batch_size = 128 elif args.dataset in ['spouse']: args.num_labels = 2 args.metric = 'f1' args.max_seq_length = 32 args.train_batch_size = 256 else: raise(BaseException('unknown dataset: {}'.format(args.dataset))) # Start Experiment now = datetime.now() date_time = now.strftime("%Y_%m_%d-%H_%M") args.experiment_folder = os.path.join(args.experiment_folder, args.dataset) args.logdir = os.path.join(args.experiment_folder, args.logdir) experiment_dir = str(Path(args.logdir).parent.absolute()) if os.path.exists(args.logdir): shutil.rmtree(args.logdir) if args.debug: args.logdir = os.path.join(args.experiment_folder, 'debug') else: args.logdir = args.logdir + "/" + date_time + "_st{}".format(args.student_name.upper()) os.makedirs(args.logdir, exist_ok=True) logger = get_logger(logfile=os.path.join(args.logdir, 'log.log')) # Setup CUDA, GPU & distributed training if args.no_cuda: device = torch.device("cuda" if torch.cuda.is_available() and not args.no_cuda else "cpu") args.n_gpu = torch.cuda.device_count() else: # Initializes the distributed backend which will take care of sychronizing nodes/GPUs device = torch.device("cuda") args.n_gpu = 1 args.device = device args.train_batch_size = args.train_batch_size * max(1, args.n_gpu) args.eval_batch_size = args.train_batch_size * max(1, args.n_gpu) logger.info("\n\n\t\t *** NEW EXPERIMENT ***\nargs={}".format(args)) astra(args, logger=logger) close(logger) # summarize results for all seeds all_results = summarize_results(experiment_dir, args.dataset) print("\nResults summary (metric={}): {}".format(args.metric, all_results)) if __name__ == "__main__": main()
ASTRA/astra/main.py/0
{ "file_path": "ASTRA/astra/main.py", "repo_id": "ASTRA", "token_count": 6404 }
27
[ { "tripleset": [ [ "Hawaii Five-O", "NOTES", "Episode: The Flight of the Jewels" ], [ "[TABLECONTEXT]", "[TITLE]", "Jeff Daniels" ], [ "[TABLECONTEXT]", "TITLE", "Hawaii Five-O" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiTableQuestions_lily", "text": "Jeff Daniels played in the Hawaii Five-O episode The Flight of the Jewels" } ] }, { "tripleset": [ [ "[TABLECONTEXT]", "TITLE", "American Playhouse" ], [ "American Playhouse", "ROLE", "Jed Jenkins" ], [ "[TABLECONTEXT]", "[TITLE]", "Jeff Daniels" ], [ "American Playhouse", "YEAR", "1982" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiTableQuestions_lily", "text": "In 1982, Jed Jenkins in American Playhouse was played by Jeff Daniels." } ] }, { "tripleset": [ [ "[TABLECONTEXT]", "TITLE", "Saturday Night Live" ], [ "Saturday Night Live", "YEAR", "1991" ], [ "[TABLECONTEXT]", "[TITLE]", "Jeff Daniels" ], [ "Saturday Night Live", "ROLE", "Host" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiTableQuestions_lily", "text": "Jeff Daniels hosted an episode of Saturday Night Live in 1991." } ] }, { "tripleset": [ [ "[TABLECONTEXT]", "TITLE", "Planet Sheen" ], [ "Planet Sheen", "ROLE", "Glonb" ], [ "[TABLECONTEXT]", "[TITLE]", "Jeff Daniels" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiTableQuestions_lily", "text": "Jeff Daniels was in Planet Sheen in the role of Glonb." } ] }, { "tripleset": [ [ "[TABLECONTEXT]", "[TITLE]", "Jeff Daniels" ], [ "[TABLECONTEXT]", "TITLE", "The Newsroom" ], [ "The Newsroom", "NOTES", "19 episodes Primetime Emmy Award for Outstanding Lead Actor in a Drama Series (2013) Nominated\u2014Golden Globe Award for Best Actor - Television Series Drama (2012) Nominated\u2014Satellite Award for Best Actor - Television Series Drama (2013, 2014) Nominated\u2014Screen Actors Guild Award for Outstanding Performance by a Male Actor in a Drama Series (2013, 2014)" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiTableQuestions_lily", "text": "Jeff Daniels played in 19 episodes of The Newsroom." } ] }, { "tripleset": [ [ "Yoshifumi Miyamoto", "RANK", "9" ], [ "9", "TIME", "1:02:38" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiTableQuestions_mturk", "text": "Yoshifumi Miyamoto had a time of 1:02:38." } ] }, { "tripleset": [ [ "Joaquim Pinheiro", "RANK", "10" ], [ "10", "TIME", "1:02:40" ], [ "Joaquim Pinheiro", "NATIONALITY", "Portugal" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiTableQuestions_mturk", "text": "Joaquim Pinheiro achieved a 1:02:40 time for Portugal." } ] }, { "tripleset": [ [ "9 aug 1998", "TOURNAMENT", "mcdonald's wpga championship" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "The date for the tournament McDonald's wpga championship is 9 aug 1998." } ] }, { "tripleset": [ [ "71-69-67-69=276", "MARGIN_OF_VICTORY", "5 strokes" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "When the winning score was 71-69-67-69=276, the margin of victory was 5 strokes." } ] }, { "tripleset": [ [ "74-67-71-73=285", "TO_PAR", "-3" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "When the winning score was 74-67-71-73=285, the to par was -3." } ] }, { "tripleset": [ [ "ricoh women's british open 1", "WINNING_SCORE", "74-67-71-73=285" ], [ "2 aug 2009", "TOURNAMENT", "ricoh women's british open 1" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "The date of the winning score 74-67-71-73=285 is 2 aug 2009." } ] }, { "tripleset": [ [ "2012", "POSITION", "1st" ], [ "2012", "MOTORCYCLE", "KTM" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "The ktm motorcycle achieved 1st." } ] }, { "tripleset": [ [ "January 31, 1994", "CHAMPIONSHIP", "Australian Open, Melbourne, Australia" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiTableQuestions_mturk", "text": "January 31, 1994 Championship was Australian Open, Melbourne, Australia" } ] }, { "tripleset": [ [ "July 26, 1993", "CHAMPIONSHIP", "Washington D.C., USA" ], [ "Washington D.C., USA", "SURFACE", "Hard" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiTableQuestions_mturk", "text": "Table Title: Todd Martin Championship in Washington D.C., USA\thas a hard surface with date of July 26, 1993" } ] }, { "tripleset": [ [ "[TABLECONTEXT]", "AWARD", "23rd Seoul Music Awards" ], [ "[TABLECONTEXT]", "[TITLE]", "Ailee" ], [ "23rd Seoul Music Awards", "YEAR", "2013" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiTableQuestions_mturk", "text": "Ailee won the Rookie Award in 2013 at the 23rd Seoul Music Awards" } ] }, { "tripleset": [ [ "Cyworld Digital Music Awards", "YEAR", "2012" ], [ "Cyworld Digital Music Awards", "CATEGORY", "Rookie & Song of the Month (February)" ], [ "Rookie & Song of the Month (February)", "RECIPIENT", "Heaven" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiTableQuestions_mturk", "text": "Heaven won Cyworld Digital Music awards for category Rookie & song of the month (February) in 2012" } ] }, { "tripleset": [ [ "DeBaca", "TOTAL", "1034" ], [ "1034", "MCCAIN#", "676" ], [ "676", "MCCAIN%", "65.38%" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "McCain got 65.38%." } ] }, { "tripleset": [ [ "3909", "OBAMA#", "1546" ], [ "1546", "OBAMA%", "39.55%" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "Obama got 39.55% in the county where 3909 people voted in total." } ] }, { "tripleset": [ [ "14893", "MCCAIN#", "3648" ], [ "14893", "OBAMA#", "11245" ], [ "11245", "OBAMA%", "75.51%" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "Obama got 75.51% in the county where McCain got 3648 votes." } ] }, { "tripleset": [ [ "Aston Villa", "WINNERS", "5" ], [ "5", "YEARS_WON", "1961, 1975, 1977, 1994, 1996" ], [ "Aston Villa", "RUNNER-UP", "3" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiTableQuestions_mturk", "text": "From 1961 to 1996, The Aston Villa Football League won the cup five times, and was the runner up in 3." } ] }, { "tripleset": [ [ "1", "GENERAL_CLASSIFICATION", "Li Fuyu" ], [ "1", "POINTS_CLASSIFICATION", "Anuar Manan" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "When Li Fuyu was the stage winner, Anuar Manan won the points classification." } ] }, { "tripleset": [ [ "[TABLECONTEXT]", "RACE", "Donington Park" ], [ "[TABLECONTEXT]", "[TITLE]", "2008 Superleague Formula season" ], [ "Donington Park", "ROUND", "R1" ], [ "Donington Park", "POLE_POSITION", "Beijing Guoan" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiTableQuestions_lily", "text": "During the 2008 Superleague Formula season, Beijing Guoan was the pole position of a round 1 Donington Park race." } ] }, { "tripleset": [ [ "Donington Park", "DATE", "August 31" ], [ "[TABLECONTEXT]", "[TITLE]", "2008 Superleague Formula season" ], [ "Donington Park", "WINNING_CLUB", "Sevilla FC" ], [ "[TABLECONTEXT]", "RACE", "Donington Park" ], [ "Donington Park", "WINNING_TEAM", "GTA Motor Competici\u00f3n" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiTableQuestions_lily", "text": "On August 31, 2008, Sevilla FC won a Superleague Formula race, and GTA Motor Competici\u00f3n was the winning team." } ] }, { "tripleset": [ [ "Nurburgring", "FASTEST_LAP", "PSV Eindhoven" ], [ "Nurburgring", "WINNING_CLUB", "A.C. Milan" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiTableQuestions_lily", "text": "PSV Eindhoven had the fastest lab on the Nurburgring, and A.C. Milan was the winning club at that race." } ] }, { "tripleset": [ [ "Nurburgring", "DATE", "September 21" ], [ "Nurburgring", "ROUND", "R2" ], [ "Nurburgring", "WINNING_TEAM", "Azerti Motorsport" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiTableQuestions_lily", "text": "In Round 2 on the Nurburgring, Azerti Motorsport was the winning team on September 21, 2008." } ] }, { "tripleset": [ [ "Zolder", "FASTEST_LAP", "Liverpool F.C." ], [ "Zolder", "DATE", "October 5" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiTableQuestions_lily", "text": "On October 5, 2008, Liverpool F.C. got the fastest lap at a Zolder race." } ] }, { "tripleset": [ [ "2005-06", "INTERMEDIATE_(SOUTH)_WINNERS", "southmead athletic" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "The Intermediate (South) Winners of the 2005-06 season is the southmead athletic" } ] }, { "tripleset": [ [ "2007-08", "MINOR_(SOUTH)_WINNERS", "bristol sanctuary xi" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "The Minor (South) Winners of the 2007-08 season is the bristol sanctuary xi" } ] }, { "tripleset": [ [ "Axis & Allies: Battle of the Bulge", "RELEASE", "2006" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "Axis & allies: battle of the bulge were released in 2006." } ] }, { "tripleset": [ [ "she's the one", "DIRECTED_BY", "joel zwick" ], [ "she's the one", "NO._IN_SERIES", "123" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "The 123rd episode in the series was directed by Joel Zwick." } ] }, { "tripleset": [ [ "the kissing game", "DIRECTED_BY", "patrick duffy" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "Patrick Duffy directed \"The Kissing Game\"." } ] }, { "tripleset": [ [ "sex, lies and videotape", "NO._IN_SERIES", "120" ], [ "sex, lies and videotape", "WRITTEN_BY", "adam markowitz" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "Adam Markowitz directed the 120th episode in the series." } ] }, { "tripleset": [ [ "1979", "CHAMPIONSHIP", "us open" ], [ "us open", "SURFACE", "hard" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "In 1979, the championship was the US open and the surface was hard." } ] }, { "tripleset": [ [ "[TABLECONTEXT]", "FREQUENCY", "89.7 FM" ], [ "[TABLECONTEXT]", "[TITLE]", "Yankton, South Dakota" ], [ "89.7 FM", "NAME", "South Dakota Public Broadcasting" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiTableQuestions_lily", "text": "In Yankton, South Dakota, 89.7 FM plays South Dakota Public Broadcasting." } ] }, { "tripleset": [ [ "KK93", "FORMAT", "Country" ], [ "93.1 FM", "NAME", "KK93" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiTableQuestions_lily", "text": "KK93, on 93.1 FM, plays country music." } ] }, { "tripleset": [ [ "94.3 FM", "NAME", "The Dam" ], [ "94.3 FM", "OWNERS", "Riverfront Broadcasting LLC" ], [ "The Dam", "FORMAT", "Mainstream Rock" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiTableQuestions_lily", "text": "Riverfront Broadcasting LLC owns The Dam, which plays mainstream rock." } ] }, { "tripleset": [ [ "[TABLECONTEXT]", "FREQUENCY", "104.1 FM" ], [ "104.1 FM", "NAME", "The Wolf 104.1" ], [ "104.1 FM", "CITY", "Yankton" ], [ "[TABLECONTEXT]", "[TITLE]", "Yankton, South Dakota" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiTableQuestions_lily", "text": "The Wolf 104.1 is licensed in Yankton." } ] }, { "tripleset": [ [ "Classic Hits 106.3", "FORMAT", "Classic Hits" ], [ "106.3 FM", "NAME", "Classic Hits 106.3" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiTableQuestions_lily", "text": "Classic hits are played on 106.3 FM." } ] }, { "tripleset": [ [ "6-03", "20_QUESTIONS", "Nelly" ], [ "6-03", "INTERVIEW_SUBJECT", "Mike Piazza" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "Nelly was featured in 20 Questions when the subject of the interview was Mike Piazza." } ] }, { "tripleset": [ [ "9-03", "CENTERFOLD_MODEL", "Luci Victoria" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "The centerfold that featured Luci Victoria was on 9-03." } ] }, { "tripleset": [ [ "Curtis", "POSITION", "Left tackle" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "Curtis was at position left tackle." } ] }, { "tripleset": [ [ "[TABLECONTEXT]", "YEAR", "2012" ], [ "[TABLECONTEXT]", "[TITLE]", "21st century Norwegian International" ], [ "2012", "MIXED_DOUBLES", "Jorrit de Ruiter Samantha Barning" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_lily", "text": "Jorrit de Ruiter and Samantha Barning won mixed doubles in the 2012 Norwegian International." } ] }, { "tripleset": [ [ "2010", "WOMENS_DOUBLES", "Lotte Jonathans Paulien van Dooremalen" ], [ "2010", "WOMENS_SINGLES", "Olga Konon" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_lily", "text": "Olga Konon was the women's singles champion, while Lotte Jonathans and Paulien van Dooremalen won women's doubles." } ] }, { "tripleset": [ [ "[TABLECONTEXT]", "[TITLE]", "21st century Norwegian International" ], [ "2007", "MENS_SINGLES", "Marc Zwiebler" ], [ "[TABLECONTEXT]", "YEAR", "2007" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_lily", "text": "Marc Zwiebler won men's singles at the 2007 Norwegian International." } ] }, { "tripleset": [ [ "2007", "MENS_SINGLES", "Marc Zwiebler" ], [ "2007", "WOMENS_SINGLES", "Juliane Schenk" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "Juliane Schenk won the women's singles and Marc Zwiebler won the men's singles." } ] }, { "tripleset": [ [ "2006", "MENS_DOUBLES", "Anton Nazarenko Andrey Ashmarin" ], [ "[TABLECONTEXT]", "[TITLE]", "21st century Norwegian International" ], [ "[TABLECONTEXT]", "YEAR", "2006" ], [ "2006", "MIXED_DOUBLES", "Imam Sodikin Irawan Elin Bergblom" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_lily", "text": "In the 2006 Norwegian International, Anton Nazarenko and Andrey Ashmarin won men's doubles, while the mixed doubles champions were Imam Sokidin and Irawan Elin Bergblom" } ] }, { "tripleset": [ [ "2002", "WOMENS_SINGLES", "Tine Rasmussen" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiSQL_lily", "text": "Tine Rasmussen was the women's singles winner in 2002." } ] }, { "tripleset": [ [ "[TABLECONTEXT]", "TITLE", "The Big Fix" ], [ "[TABLECONTEXT]", "[TITLE]", "Mandy Patinkin" ], [ "The Big Fix", "ROLE", "Pool Man" ], [ "The Big Fix", "YEAR", "1978" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiTableQuestions_lily", "text": "Mandy Patinkin was the actor for the Pool Man in the 1978 movie The Big Fix." } ] }, { "tripleset": [ [ "Yentl", "ROLE", "Avigdor" ], [ "Yentl", "NOTES", "Nominated\u2014Golden Globe Award for Best Actor - Motion Picture Musical or Comedy" ], [ "[TABLECONTEXT]", "[TITLE]", "Mandy Patinkin" ], [ "[TABLECONTEXT]", "TITLE", "Yentl" ], [ "Yentl", "YEAR", "1983" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiTableQuestions_lily", "text": "Mandy Patinkin was nominated for the Golden Globe Award for Best Actor - Motion Picture Musical or Comedy for his performance in the 1983 movie Yentl as Avigdor." } ] }, { "tripleset": [ [ "[TABLECONTEXT]", "TITLE", "Alien Nation" ], [ "Alien Nation", "YEAR", "1988" ], [ "[TABLECONTEXT]", "[TITLE]", "Mandy Patinkin" ], [ "Alien Nation", "ROLE", "Detective Samuel 'George' Francisco" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiTableQuestions_lily", "text": "Mandy Patinkin played Detective Samuel 'George' Francisco in the 1988 movie Alien Nation." } ] }, { "tripleset": [ [ "[TABLECONTEXT]", "TITLE", "Life with Mikey" ], [ "Life with Mikey", "YEAR", "1993" ], [ "[TABLECONTEXT]", "[TITLE]", "Mandy Patinkin" ], [ "Life with Mikey", "ROLE", "Irate Man" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiTableQuestions_lily", "text": "The Irate Man in the 1993 movie Life with Mikey was played by Mandy Patinkin." } ] }, { "tripleset": [ [ "Pi\u00f1ero", "ROLE", "Joseph Papp" ], [ "[TABLECONTEXT]", "[TITLE]", "Mandy Patinkin" ], [ "Pi\u00f1ero", "YEAR", "2001" ], [ "[TABLECONTEXT]", "TITLE", "Pi\u00f1ero" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiTableQuestions_lily", "text": "In the 2001 movie Pi\u00f1ero, Mandy Patinkin was casted as Joseph Papp." } ] }, { "tripleset": [ [ "Central Colleges of the Philippines CCP Bobcats", "STUNTS", "54" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "Central colleges of the philippines ccp bobcats has 54 stunts." } ] }, { "tripleset": [ [ "University of Makati UM Pep Squad", "TOTAL", "211.5" ], [ "University of Makati UM Pep Squad", "RANK", "11" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "It ranks 11th with a total of 211.5" } ] }, { "tripleset": [ [ "Do You Know", "YEAR", "2002" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiTableQuestions_lily", "text": "Do You Know is a song from 2002." } ] }, { "tripleset": [ [ "Favorite Things", "YEAR", "2004" ], [ "Favorite Things", "ALBUM", "N/A" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiTableQuestions_lily", "text": "Favorite Things is a single released in 2004" } ] }, { "tripleset": [ [ "Bring Me Down", "YEAR", "2010" ], [ "[TABLECONTEXT]", "TITLE", "Bring Me Down" ], [ "[TABLECONTEXT]", "[TITLE]", "Saigon (rapper)" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiTableQuestions_lily", "text": "In 2011, Saigon released Bring Me Down." } ] }, { "tripleset": [ [ "The Greatest Story Never Told", "YEAR", "2011" ], [ "The Greatest Story Never Told", "ALBUM", "The Greatest Story Never Told" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiTableQuestions_lily", "text": "The Greatest Story Never Told was released in 2011." } ] }, { "tripleset": [ [ "(featuring Faith Evans)", "PEAK_CHART_POSITIONS_US_RAP", "None" ], [ "(featuring Faith Evans)", "ALBUM", "The Greatest Story Never Told" ], [ "(featuring Faith Evans)", "PEAK_CHART_POSITIONS_US_R&B", "None" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiTableQuestions_lily", "text": "The Greatest Story Never Told did not make the national R&B or Rap charts." } ] }, { "tripleset": [ [ "The stem was cut", "DATE", "1930" ], [ "[TABLECONTEXT]", "EVENT", "The stem was cut" ], [ "[TABLECONTEXT]", "[TITLE]", "Pitch drop experiment" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiTableQuestions_lily", "text": "The stem of the pitch drop experiment was cut in 1930." } ] }, { "tripleset": [ [ "[TABLECONTEXT]", "EVENT", "3rd drop fell" ], [ "[TABLECONTEXT]", "[TITLE]", "Pitch drop experiment" ], [ "3rd drop fell", "DATE", "April 1954" ], [ "3rd drop fell", "DURATION_(MONTHS)", "86" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiTableQuestions_lily", "text": "The 3rd drop of pitch fell in April, 1954, taking a total of 86 months since the last drop had fallen." } ] }, { "tripleset": [ [ "4th drop fell", "DURATION_(YEARS)", "8.1" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiTableQuestions_mturk", "text": "In 1962 the pitch drop experiment lasted 8.1 years for the 4th drop fell." } ] }, { "tripleset": [ [ "5th drop fell", "DATE", "August 1970" ], [ "[TABLECONTEXT]", "[TITLE]", "Pitch drop experiment" ], [ "[TABLECONTEXT]", "EVENT", "5th drop fell" ], [ "5th drop fell", "DURATION_(YEARS)", "8.3" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiTableQuestions_lily", "text": "In August, 1970, the 5th drop of pitch fell, and it had been 8.3 years since the previous drop had fallen." } ] }, { "tripleset": [ [ "7th drop fell", "DATE", "July 1988" ], [ "[TABLECONTEXT]", "[TITLE]", "Pitch drop experiment" ], [ "[TABLECONTEXT]", "EVENT", "7th drop fell" ], [ "7th drop fell", "DURATION_(MONTHS)", "111" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiTableQuestions_lily", "text": "It had been 111 months since the last drop had fallen when the 7th drop of pitch fell in July 1988." } ] }, { "tripleset": [ [ "8th drop fell", "DURATION_(YEARS)", "12.3" ], [ "[TABLECONTEXT]", "[TITLE]", "Pitch drop experiment" ], [ "[TABLECONTEXT]", "EVENT", "8th drop fell" ], [ "8th drop fell", "DATE", "28 November 2000" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiTableQuestions_lily", "text": "When the 8th drop of pitch fell on 28 November 2000, 12.3 years had passed since the last drop had fallen." } ] }, { "tripleset": [ [ "Lynn Rivers", "FIRST_ELECTED", "1994" ], [ "Lynn Rivers", "PARTY", "Democratic" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "The incumbent first elected in 1994 belongs to democratic." } ] }, { "tripleset": [ [ "[TABLECONTEXT]", "[TITLE]", "BMW 7 Series (E38)" ], [ "728i", "ENGINE", "M52B28 I6" ], [ "[TABLECONTEXT]", "MODEL", "728i" ], [ "M52B28 I6", "VOLUME", "2.8L" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiTableQuestions_lily", "text": "The BMW 728i model has a volume 2.8L and an M52B28 I6 engine" } ] }, { "tripleset": [ [ "[TABLECONTEXT]", "MODEL", "728iL" ], [ "M52B28 I6", "FUEL", "Petrol" ], [ "728iL", "ENGINE", "M52B28 I6" ], [ "[TABLECONTEXT]", "[TITLE]", "BMW 7 Series (E38)" ], [ "728iL", "PRODUCED", "6816" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiTableQuestions_lily", "text": "The BMW 728iL model has an M52B28 I6 engine with petrol fuel and has been produced 6816 times" } ] }, { "tripleset": [ [ "[TABLECONTEXT]", "[TITLE]", "BMW 7 Series (E38)" ], [ "730i", "YEARS_PRODUCED", "1994-1996" ], [ "[TABLECONTEXT]", "MODEL", "730i" ], [ "730i", "PRODUCED", "20876" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiTableQuestions_lily", "text": "The BMW 730i model has been produced 20876 times from 1994 to 1996" } ] }, { "tripleset": [ [ "730iL", "ENGINE", "M60B30 V8" ], [ "M60B30 V8", "FUEL", "Petrol" ], [ "[TABLECONTEXT]", "[TITLE]", "BMW 7 Series (E38)" ], [ "M60B30 V8", "VOLUME", "3.0L" ], [ "[TABLECONTEXT]", "MODEL", "730iL" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiTableQuestions_lily", "text": "The BMW 730iL model has a 3.0L volume and an M60B30 V8 engine using petrol fuel." } ] }, { "tripleset": [ [ "735i", "ENGINE", "M62B35 V8" ], [ "[TABLECONTEXT]", "MODEL", "735i" ], [ "M62B35 V8", "VOLUME", "3.5L" ], [ "[TABLECONTEXT]", "[TITLE]", "BMW 7 Series (E38)" ], [ "M62B35 V8", "POWER/TORQUE", "173 kW (235 PS; 232 hp) / 320 N\u00b7m (236 lb\u00b7ft)" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiTableQuestions_lily", "text": "The BMW 735i model has a 3.5L volume, 173 kW (235 PS; 232 hp) power, and 320 N\u00b7m (236 lb\u00b7ft) torque" } ] }, { "tripleset": [ [ "735i", "ENGINE", "M62TUB35 V8" ], [ "[TABLECONTEXT]", "MODEL", "735i" ], [ "M62TUB35 V8", "FUEL", "Petrol" ], [ "M62TUB35 V8", "VOLUME", "3.5L" ], [ "[TABLECONTEXT]", "[TITLE]", "BMW 7 Series (E38)" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiTableQuestions_mturk", "text": "The BMW 7 Series (E38) 735i model runs on Petrol and has a volume of 3.5L." } ] }, { "tripleset": [ [ "M62B44 V8", "POWER/TORQUE", "210 kW (286 PS; 282 hp) / 420 N\u00b7m (310 lb\u00b7ft)" ], [ "740i", "ENGINE", "M62B44 V8" ], [ "740i", "PRODUCED", "88853" ], [ "740i", "YEARS_PRODUCED", "1996-1998" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiTableQuestions_mturk", "text": "BMW 7 Series includes the 740i model with the M62B44 engine with 282 hp from the year 1996 to 1998, where 88853 were produced." } ] }, { "tripleset": [ [ "Bionicle Heroes", "GENRE", "Third-person shooter" ], [ "Bionicle Heroes", "CONSOLE", "PlayStation 2, GameCube, Xbox, Xbox 360, Wii" ], [ "Bionicle Heroes", "HANDHELD", "Nintendo DS" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiTableQuestions_lily", "text": "Released for PS2, GameCube, Xbox, Xbox 360, and the Wii, Bionicle Heroes is a third-person shooter game that was also released in a Nintendo DS handheld version." } ] }, { "tripleset": [ [ "Bionicle: Matoran Adventures", "HANDHELD", "Game Boy Advance" ], [ "Bionicle: Matoran Adventures", "RELEASE", "2002" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiTableQuestions_lily", "text": "Debuted in 2002, Bionicle: Matoran Adventures is a Lego video game for the Game Boy Advance platform." } ] }, { "tripleset": [ [ "Lego Battles", "HANDHELD", "Nintendo DS" ], [ "Lego Battles", "GENRE", "Real-time strategy" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiTableQuestions_lily", "text": "Lego Battles is a real-time strategy video game for the Nintendo DS." } ] }, { "tripleset": [ [ "Lego Creator: Knights Kingdom", "GENRE", "Construction and management simulation" ], [ "Lego Creator: Knights Kingdom", "RELEASE", "2000" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiTableQuestions_lily", "text": "As a construction and management simulation game, Lego Creator: Knights Kingdom was released in 2000." } ] }, { "tripleset": [ [ "Lego Island 2 The Brickster's Revenge", "COMPUTER", "Windows" ], [ "Lego Island 2 The Brickster's Revenge", "CONSOLE", "PlayStation" ], [ "Lego Island 2 The Brickster's Revenge", "GENRE", "Action-adventure" ], [ "Lego Island 2 The Brickster's Revenge", "HANDHELD", "Game Boy Color, Game Boy Advance" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiTableQuestions_lily", "text": "An action adventure game, Lego Island 2 The Brickster's Revenge was released for Windows, PlayStation, and the Game Boy Advance." } ] }, { "tripleset": [ [ "36", "PLAYER", "Anthony Mason" ], [ "[TABLECONTEXT]", "PICK_#", "36" ], [ "36", "CFL_TEAM", "Hamilton Tiger-Cats" ], [ "Anthony Mason", "POSITION", "OL" ], [ "[TABLECONTEXT]", "[TITLE]", "Round Five" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "The Hamilton Tiger-Cats drafted an OL." } ] }, { "tripleset": [ [ "Craig Zimmer", "COLLEGE", "Regina" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "Craig Zimmer went to Regina." } ] }, { "tripleset": [ [ "41", "PLAYER", "Craig Zimmer" ], [ "Craig Zimmer", "POSITION", "LB" ], [ "41", "CFL_TEAM", "Saskatchewan Roughriders" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "The player who is LB and whose CFL team is the Saskatchewan Roughriders is Craig Zimmer." } ] }, { "tripleset": [ [ "43", "CFL_TEAM", "Winnipeg Blue Bombers" ], [ "43", "PLAYER", "Ryan Folk" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "The CFL team with Ryan Folk is the Winnipeg Blue Bombers." } ] }, { "tripleset": [ [ "[TABLECONTEXT]", "[TITLE]", "Ljungskile SK" ], [ "1993", "LEVEL", "Tier 3" ], [ "Tier 3", "DIVISION", "Division 2" ], [ "[TABLECONTEXT]", "SEASON", "1993" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiTableQuestions_lily", "text": "Ljungskile SK played at Tier 3 Division 2 in 1993." } ] }, { "tripleset": [ [ "[TABLECONTEXT]", "SEASON", "1996" ], [ "[TABLECONTEXT]", "[TITLE]", "Ljungskile SK" ], [ "1996", "LEVEL", "Tier 2" ], [ "Division 1", "SECTION", "S\u00f6dra" ], [ "Tier 2", "DIVISION", "Division 1" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiTableQuestions_lily", "text": "Ljungskile SK played at Tier 2, Divison 1 S\u00f6dra." } ] }, { "tripleset": [ [ "[TABLECONTEXT]", "SEASON", "2001" ], [ "2001", "MOVEMENTS", "Panos Ljungskile SK - Promotion Playoffs" ], [ "[TABLECONTEXT]", "[TITLE]", "Ljungskile SK" ], [ "2001", "POSITION", "1st" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiTableQuestions_lily", "text": "Ranked 1st in the 2001 season, Ljungskile SK took part in the Promotion Playoffs." } ] }, { "tripleset": [ [ "2004", "MOVEMENTS", "Promotion Playoffs - Promoted" ], [ "2004", "POSITION", "1st" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiTableQuestions_mturk", "text": "Sports stats for Ljungskile SK" } ] }, { "tripleset": [ [ "[TABLECONTEXT]", "SEASON", "2005" ], [ "[TABLECONTEXT]", "[TITLE]", "Ljungskile SK" ], [ "2005", "LEVEL", "Tier 2" ], [ "2005", "POSITION", "4th" ], [ "Tier 2", "DIVISION", "Superettan" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiTableQuestions_lily", "text": "Ljungskile SK once ranked 4th in Tier 2 Superettan." } ] }, { "tripleset": [ [ "[TABLECONTEXT]", "[TITLE]", "Ljungskile SK" ], [ "2007", "LEVEL", "Tier 2" ], [ "Tier 2", "DIVISION", "Superettan" ], [ "2007", "MOVEMENTS", "Promoted" ], [ "[TABLECONTEXT]", "SEASON", "2007" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiTableQuestions_lily", "text": "After finishing 2007 in the Superettan Division, the Ljungskile SK was promoted." } ] }, { "tripleset": [ [ "2006*", "POSITION", "6th" ], [ "2006*", "LEVEL", "Tier 2" ], [ "[TABLECONTEXT]", "[TITLE]", "Ljungskile SK" ], [ "[TABLECONTEXT]", "SEASON", "2006*" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiTableQuestions_mturk", "text": "Ljungskile finished in 6th on tier 2 in 2006." } ] }, { "tripleset": [ [ "2003", "POSITION", "2nd" ], [ "[TABLECONTEXT]", "[TITLE]", "Ljungskile SK" ], [ "[TABLECONTEXT]", "SEASON", "2003" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiTableQuestions_mturk", "text": "Ljungskile SK was in 2nd place during the 2003 season." } ] }, { "tripleset": [ [ "charisma", "U.S._VIEWERS_(MILLIONS)", "16.38" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "\"Charisma\" had 16.38 million U.S. viewers." } ] }, { "tripleset": [ [ "obscene", "PRODUCTION_CODE", "e5205" ], [ "obscene", "ORIGINAL_AIR_DATE", "october 12, 2004" ], [ "obscene", "WRITTEN_BY", "jos\u00e9 molina" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "The production code of the episode written by Jos\u00e9 Molina that aired on October 12, 2004 is e5205." } ] }, { "tripleset": [ [ "quarry", "ORIGINAL_AIR_DATE", "january 25, 2005" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "The original air date of the episode \"Quarry\" was January 25, 2005." } ] }, { "tripleset": [ [ "hooked", "DIRECTED_BY", "jean de segonzac" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "\"Hooked\" was directed by Jean de Segonzac." } ] }, { "tripleset": [ [ "1", "ATTENDANCE", "8,024" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiTableQuestions_lily", "text": "8,024 people showed up for the first game." } ] }, { "tripleset": [ [ "5", "DATE", "January 29, 2006" ], [ "5", "OPPONENT", "Rochester Knighthawks" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiTableQuestions_lily", "text": "They will play their fifth game, with the Rochester Knighthawks as their opponent, on January 29." } ] }, { "tripleset": [ [ "7", "OPPONENT", "Philadelphia Wings" ], [ "7", "LOCATION", "Xcel Energy Center" ], [ "7", "DATE", "February 10, 2006" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiTableQuestions_lily", "text": "The match against the Philadelphia Wings will be held on February 10, 2006, at the Xcel Energy Center." } ] }, { "tripleset": [ [ "11", "SCORE", "W 14-12" ], [ "11", "RECORD", "6-5" ], [ "11", "DATE", "March 17, 2006" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiTableQuestions_lily", "text": "The team won 14-12 on 17 March, bringing their record to 6-5." } ] }, { "tripleset": [ [ "13", "OPPONENT", "Toronto Rock" ], [ "13", "SCORE", "W 10-9" ], [ "13", "DATE", "April 1, 2006" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiTableQuestions_lily", "text": "Their 10-9 victory over the Toronto Rock occured on 1 April." } ] }, { "tripleset": [ [ "[TABLECONTEXT]", "GAME", "3" ], [ "3", "ATTENDANCE", "10,637" ], [ "[TABLECONTEXT]", "[TITLE]", "2006 Minnesota Swarm season" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiTableQuestions_mturk", "text": "In game 3 of the 2006 Swarm there were 10,637 in attendance." } ] }, { "tripleset": [ [ "9", "DATE", "March 3, 2006" ], [ "9", "ATTENDANCE", "15,830" ], [ "[TABLECONTEXT]", "[TITLE]", "2006 Minnesota Swarm season" ], [ "9", "OPPONENT", "@ Toronto Rock" ], [ "[TABLECONTEXT]", "GAME", "9" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiTableQuestions_mturk", "text": "During the 2006 Minnesota Swarm Season, the 9th game was on March 3, 2006 against Toronto Rock in front of a crowd of 15830 people." } ] }, { "tripleset": [ [ "Cardiss Collins", "PARTY", "Democratic" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "Cardiss Collins belongs to democratic." } ] }, { "tripleset": [ [ "Alabama 6", "INCUMBENT", "William B. Oliver" ], [ "Alabama 6", "CANDIDATES", "William B. Oliver (D) Unopposed" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "William b. oliver was the incumbent when ran william b. oliver (d) unopposed." } ] }, { "tripleset": [ [ "Extra Preliminary Round", "LEAGUES_ENTERING_AT_THIS_ROUND", "Levels 9 and 10 in football league pyramid" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "Levels 9 and 10 in football league pyramid entered an extra preliminary round." } ] }, { "tripleset": [ [ "Fourth Round Qualifying", "NEW_ENTRIES_THIS_ROUND", "24" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "Fourth round qualifying had 24 new entries." } ] }, { "tripleset": [ [ "Fourth Round Proper", "CLUBS_INVOLVED", "32" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "Fourth round proper had 32 clubs involved." } ] }, { "tripleset": [ [ "Fifth Round Proper", "LEAGUES_ENTERING_AT_THIS_ROUND", "none" ], [ "Fifth Round Proper", "WINNERS_FROM_PREVIOUS_ROUND", "16" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "None entered in rounds where there were 16 winners from the previous round." } ] }, { "tripleset": [ [ "le secret d'on\u00e9sime", "ENGLISH_TITLE", "papa bramble's secret" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "The French title for \"Papa Bramble's Secret is\" le secret d'on\u00e9sime \"." } ] }, { "tripleset": [ [ "22", "FRENCH_TITLE", "le secret d'on\u00e9sime" ], [ "le secret d'on\u00e9sime", "ENGLISH_TITLE", "papa bramble's secret" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "The English title for the official number 22 episode is \"papa bramble's secret." } ] }, { "tripleset": [ [ "4th", "BATTING_TEAM", "Prime Doleshwar" ], [ "4th", "RUNS", "276" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "The batting team where the runs are 276 is prime doleshwar." } ] }, { "tripleset": [ [ "6th", "BATTING_PARTNERS", "Nigel Llong and Matthew Fleming" ], [ "6th", "RUNS", "226" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "The batting partners with runs of 226 is nigel llong and matthew fleming." } ] }, { "tripleset": [ [ "7th", "BATTING_PARTNERS", "Thilina Kandamby and Rangana Herath" ], [ "7th", "BATTING_TEAM", "Sri Lanka A" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "The batting team with the batting partnets of thilina kandamby and rangana herath is sri lanka a." } ] }, { "tripleset": [ [ "9th", "RUNS", "155" ], [ "9th", "FIELDING_TEAM", "Durham" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "The fielding team with 155 runs is durham." } ] }, { "tripleset": [ [ "PCMU", "TYPE", "audio" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiTableQuestions_lily", "text": "PCMU has an audio type" } ] }, { "tripleset": [ [ "reserved (previously 1016)", "NO._OF_CHANNELS", "1" ], [ "reserved (previously 1016)", "TYPE", "audio" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiTableQuestions_lily", "text": "reserved (previously 1016) has an audio type with 1 channel" } ] }, { "tripleset": [ [ "reserved (previously G721)", "NO._OF_CHANNELS", "1" ], [ "reserved (previously G721)", "CLOCK_RATE_(HZ)", "8000" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiTableQuestions_lily", "text": "reserved (previously G721) has 1 channel and 8000 Hz clock rate" }, { "source": "WikiTableQuestions_lily", "text": "" } ] }, { "tripleset": [ [ "GSM", "PAYLOAD_TYPE_(PT)", "3" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiTableQuestions_lily", "text": "GSM has 3 Payload type (PT)" } ] }, { "tripleset": [ [ "G723", "FRAME_SIZE_(MS)", "30" ], [ "G723", "TYPE", "audio" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiTableQuestions_lily", "text": "G723 of audio type has 30 ms Frame size" } ] }, { "tripleset": [ [ "Don Albert Pardee", "STATE", "LA" ], [ "Don Albert Pardee", "BORN/DIED", "1837-1919" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiTableQuestions_lily", "text": "Judge Don Albert Pardee from state LA was born in 1837 and died in 1919" } ] }, { "tripleset": [ [ "Andrew Phelps McCormick", "STATE", "TX" ], [ "Andrew Phelps McCormick", "ACTIVE", "1892-1916" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiTableQuestions_lily", "text": "Judge Andrew Phelps McCormick from state TX is active during 1892 and 1916" } ] }, { "tripleset": [ [ "David Davie Shelby", "BORN/DIED", "1847-1914" ], [ "David Davie Shelby", "ACTIVE", "1899-1914" ], [ "David Davie Shelby", "STATE", "AL" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiTableQuestions_lily", "text": "Judge David Davie Shelby from state AL was born in 1847 and died in 1914, and is active during 1899 and 1914" } ] }, { "tripleset": [ [ "Richard Wilde Walker, Jr.", "APPOINTED_BY", "Wilson" ], [ "Richard Wilde Walker, Jr.", "STATE", "AL" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiTableQuestions_lily", "text": "Judge Richard Wilde Walker, Jr. from state AL is appointed by Wilson" } ] }, { "tripleset": [ [ "Rufus Edward Foster", "ACTIVE", "1925-1942" ], [ "Rufus Edward Foster", "STATE", "LA" ], [ "Rufus Edward Foster", "APPOINTED_BY", "Coolidge" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiTableQuestions_lily", "text": "Judge Rufus Edward Foster from LA state appointed by Coolidge is active during 1925 and 1942" } ] }, { "tripleset": [ [ "Samuel Hale Sibley", "BORN/DIED", "1873-1958" ], [ "Samuel Hale Sibley", "ACTIVE", "1931-1949" ], [ "Samuel Hale Sibley", "APPOINTED_BY", "Hoover" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiTableQuestions_mturk", "text": "Samuel Hale Sibley (1873-1958) was appointed by Hoover, and served from 1931 to 1949." } ] }, { "tripleset": [ [ "9 Jun", "TOURNAMENT", "North Open" ], [ "North Open", "PURSE_($)", "80,000" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiTableQuestions_mturk", "text": "On June 9th, the North Open Golf Tournament began with a grand purse of 80,000." } ] }, { "tripleset": [ [ "South Open", "PURSE_($)", "100,000" ], [ "3 Mar", "TOURNAMENT", "South Open" ], [ "South Open", "WINNER", "Rafael G\u00f3mez" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiTableQuestions_mturk", "text": "3rd March South Open Tournament winner is rafeal gomez and a prize value is 100000" } ] }, { "tripleset": [ [ "SS3", "DAY", "1 (13 MAR)" ], [ "SS3", "WINNER", "S\u00e9bastien Loeb" ], [ "1 (13 MAR)", "TIME_(EET)", "10:46" ], [ "S\u00e9bastien Loeb", "TIME", "21:09.2" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "The time (EET) was 10:46 and the time was 21:09.2." } ] }, { "tripleset": [ [ "2 (14 MAR)", "TIME_(EET)", "15:17" ], [ "SS10", "DAY", "2 (14 MAR)" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "Stage ss10 has time 15:17." } ] }, { "tripleset": [ [ "SS11", "NAME", "Kourdali" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "Stage ss11 is named kourdali." } ] }, { "tripleset": [ [ "we're off to see the wizard", "ORIGINAL_AIR_DATE", "april25,2002" ], [ "we're off to see the wizard", "PRODUCTION_CODE", "4301085" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "April25,2002 did the episode with a production code of 4301085 originally air." } ] }, { "tripleset": [ [ "marry-go-round", "ORIGINAL_AIR_DATE", "march14,2002" ], [ "marry-go-round", "SEASON_#", "15" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "Episode 15 of the season originally air march14,2002." } ] }, { "tripleset": [ [ "1", "DATE", "September 12, 1982" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiSQL_lily", "text": "Week 1 was September 12, 1982." } ] }, { "tripleset": [ [ "2", "OPPONENT", "at Tampa Bay Buccaneers" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiSQL_lily", "text": "In week 2, the Washington Redskins played the Tampa Bay Buccaneers." } ] }, { "tripleset": [ [ "Philadelphia Eagles", "RESULT", "W 13-9" ], [ "11", "GAME_SITE", "RFK Stadium" ], [ "11", "OPPONENT", "Philadelphia Eagles" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_lily", "text": "The Washington Redskins W 13-9 at RFK Stadium." } ] }, { "tripleset": [ [ "13", "GAME_SITE", "Busch Memorial Stadium" ], [ "Busch Memorial Stadium", "ATTENDANCE", "35308" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_lily", "text": "There were 35308 in attendance in week 13." } ] }, { "tripleset": [ [ "W 15-14", "RECORD", "6-1" ], [ "New York Giants", "RESULT", "W 15-14" ], [ "14", "OPPONENT", "New York Giants" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_lily", "text": "Week 14 resulted in a 6-1 record for the Washington Redskins." } ] }, { "tripleset": [ [ "14", "DATE", "december 19, 1982" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "The date of the game in week 14 was december 19, 1982." } ] }, { "tripleset": [ [ "Jason", "NET_VOTE", "34.46%" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "Jason had a net vote of 34.46%." } ] }, { "tripleset": [ [ "5711696", "%_OF_VOTES_NATIONALLY", "19.43" ], [ "Mahmoud Ahmadinejad", "VOTES_NATIONALLY", "5711696" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "The percentage of national votes for Mahmoud Ahmadinejad was 19.43." } ] }, { "tripleset": [ [ "Nant Conwy RFC", "POINTS", "80" ], [ "Nant Conwy RFC", "TRIES_FOR", "83" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "80 points were made with 83 tries." } ] }, { "tripleset": [ [ "Ruthin RFC", "TRY_BONUS", "4" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "The try bonus for Ruthin RFC is 4." } ] }, { "tripleset": [ [ "Llandudno RFC", "LOSING_BONUS", "4" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "Llandudno RFC has 4 losing points." } ] }, { "tripleset": [ [ "Llangefni RFC", "LOSING_BONUS", "5" ], [ "Llangefni RFC", "POINTS", "24" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "The losing bonus was 5 when the points were 24." } ] }, { "tripleset": [ [ "Tenbosse", "PAVEMENT", "asphalt" ], [ "Tenbosse", "KILOMETER", "233" ], [ "Tenbosse", "LENGTH_(M)", "455" ], [ "Tenbosse", "AVERAGE_CLIMB_(%)", "64" ], [ "4", "NAME", "Tenbosse" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "4.0 have a kilometers of 233." } ] }, { "tripleset": [ [ "Peru Earthquake", "SCALE_OF_DISASTER", "250k homeless" ], [ "Peru Earthquake", "YEAR", "2007" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "The Peru Earthquake in 2007 left 250,000 people homeless." } ] }, { "tripleset": [ [ "Genealogy of Jesus", "MATTHEW", "Matthew 01:01-17" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiTableQuestions_lily", "text": "The genealogy of Jesus is in Matthew 01:01-17." } ] }, { "tripleset": [ [ "Birth of Jesus", "LUKE", "Luke 02:01-07" ], [ "Birth of Jesus", "TYPE", "nativity" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiTableQuestions_lily", "text": "The nativity event of the birth of Jesus is in Luke 02:01-07." } ] }, { "tripleset": [ [ "John the Baptist", "MARK", "Mark 01:01-08" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiTableQuestions_lily", "text": "John the Baptist is in Mark 01:01-08." } ] }, { "tripleset": [ [ "Temptation of Jesus", "MARK", "Mark 01:12-13" ], [ "Temptation of Jesus", "MATTHEW", "Matthew 04:01-11" ], [ "Temptation of Jesus", "LUKE", "Luke 04:01-13" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiTableQuestions_lily", "text": "The temptation of Jesus is an event in Matthew 04:01-11, Mark 01:12-13, and Luke 04:01-13." } ] }, { "tripleset": [ [ "Marriage at Cana", "JOHN", "John 02:01-11" ], [ "Marriage at Cana", "TYPE", "miracle" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiTableQuestions_lily", "text": "Marriage at Cana is a miracle in John 02:01-11." } ] }, { "tripleset": [ [ "Manuel Pellegrini", "DATE_OF_APPOINTMENT", "2 November 2010" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "Manuel pellegrini replaced on the date of appointment 2 november 2010." } ] }, { "tripleset": [ [ "Almer\u00eda", "POSITION_IN_TABLE", "19th" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "The team for the position in table 19th is almer\u00eda." } ] }, { "tripleset": [ [ "Miguel \u00c1ngel Portugal", "MANNER_OF_DEPARTURE", "Sacked" ], [ "Racing Santander", "OUTGOING_MANAGER", "Miguel \u00c1ngel Portugal" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "The manner of departure for the team racing santander is sacked." } ] }, { "tripleset": [ [ "Jos\u00e9 Antonio Camacho", "REPLACED_BY", "Jos\u00e9 Luis Mendilibar" ], [ "Jos\u00e9 Luis Mendilibar", "DATE_OF_APPOINTMENT", "14 February 2011" ], [ "Osasuna", "OUTGOING_MANAGER", "Jos\u00e9 Antonio Camacho" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "The date of appointment for the team osasuna is 14 february 2011." } ] }, { "tripleset": [ [ "Esteban Vigo", "REPLACED_BY", "Miroslav \u0110uki\u0107" ], [ "H\u00e9rcules", "OUTGOING_MANAGER", "Esteban Vigo" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "The team that the replaced by is miroslav \u0111uki\u0107 is h\u00e9rcules." } ] }, { "tripleset": [ [ "The Truck Stops Here!", "HIGHEST_SELLER", "Adam" ], [ "The Truck Stops Here!", "EPISODE", "6" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiTableQuestions_mturk", "text": "Episode 6 of Restaurant Express is titled \"The Truck Stops Here!\"." } ] }, { "tripleset": [ [ "Vegas or Bust", "EPISODE", "7" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiTableQuestions_mturk", "text": "Episode 7 was called \"Vegas or Bust\"." } ] }, { "tripleset": [ [ "[TABLECONTEXT]", "[TITLE]", "NAACP Image Award for Outstanding Supporting Actor in a Motion Picture" ], [ "1971", "SUPPORTING_ACTOR", "NOT AWARDED" ], [ "[TABLECONTEXT]", "YEAR", "1971" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiTableQuestions_lily", "text": "The NAACP Image Award for Outstanding Supporting Actor in a Motion Picture was not awarded in 1971." } ] }, { "tripleset": [ [ "[TABLECONTEXT]", "[TITLE]", "NAACP Image Award for Outstanding Supporting Actor in a Motion Picture" ], [ "1975", "SUPPORTING_ACTOR", "NOT AWARDED" ], [ "[TABLECONTEXT]", "YEAR", "1975" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiTableQuestions_lily", "text": "The 1975 NAACP Image Award for Outstanding Supporting Actor in a Motion Picture was not awarded." } ] }, { "tripleset": [ [ "[TABLECONTEXT]", "[TITLE]", "NAACP Image Award for Outstanding Supporting Actor in a Motion Picture" ], [ "Moses Gunn", "MOTION_PICTURE", "Ragtime" ], [ "1982", "SUPPORTING_ACTOR", "Moses Gunn" ], [ "[TABLECONTEXT]", "YEAR", "1982" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiTableQuestions_lily", "text": "In 1982 Moses Gunn won the NAACP Image Award for Outstanding Supporting Actor for the movie Ragtime." } ] }, { "tripleset": [ [ "[TABLECONTEXT]", "YEAR", "1992" ], [ "[TABLECONTEXT]", "[TITLE]", "NAACP Image Award for Outstanding Supporting Actor in a Motion Picture" ], [ "1992", "SUPPORTING_ACTOR", "Denzel Washington" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiTableQuestions_lily", "text": "Denzel Washington received the NAACP Image Award for Outstanding Supporting Actor in 1992." } ] }, { "tripleset": [ [ "[TABLECONTEXT]", "YEAR", "1998" ], [ "[TABLECONTEXT]", "[TITLE]", "NAACP Image Award for Outstanding Supporting Actor in a Motion Picture" ], [ "Morgan Freeman", "MOTION_PICTURE", "Amistad" ], [ "1998", "SUPPORTING_ACTOR", "Morgan Freeman" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiTableQuestions_lily", "text": "The winner of the NAACP Image Award for Outstanding Supporting Actor was Morgan Freeman for the Motion Picture Amistad." } ] }, { "tripleset": [ [ "1974", "SUPPORTING_ACTOR", "NOT AWARDED" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiTableQuestions_mturk", "text": "The NAACP Image Award for Outstanding Supporting Actor wasn't awarded in 1974." } ] }, { "tripleset": [ [ "1973", "SUPPORTING_ACTOR", "NOT AWARDED" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiTableQuestions_mturk", "text": "In 1973 supporting actor not awarded." } ] }, { "tripleset": [ [ "1970", "SUPPORTING_ACTOR", "Redd Foxx" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiTableQuestions_mturk", "text": "Redd Foxx was a supporting actor in a movie in 1970." } ] }, { "tripleset": [ [ "Rivi\u00e8re-Verte", "AREA_KM2", "715.58" ], [ "Rivi\u00e8re-Verte", "POPULATION", "791" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "The population that has an area of 715.58 is 791.0." } ] }, { "tripleset": [ [ "Caral", "YEAR", "2627 BC" ], [ "Caral", "COUNTRY", "Peru" ], [ "Caral", "STATE,_PROVINCE,_DEPT.,_ETC.", "Norte Chico" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiTableQuestions_mturk", "text": "Caral, Norte Chico of Peru were founded in 2627 BC." } ] }, { "tripleset": [ [ "Boston, Massachusetts", "NBA_TEAM(S)", "Celtics" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiSQL_lily", "text": "The NBA team in Boston, Massachusetts are the Celtics." } ] }, { "tripleset": [ [ "Denver, Colorado", "HOSTED_4_TEAMS_SINCE", "1995" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiSQL_lily", "text": "Denver, Colorado has hosted teams from all four major league sports since 1995." } ] }, { "tripleset": [ [ "Miami, Florida", "NFL_TEAM(S)", "Dolphins ( Miami Gardens, FL )" ], [ "Miami, Florida", "MLB_TEAM(S)", "Marlins" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiSQL_lily", "text": "The Miami metro area hosts the Dolphins and the Marlins." } ] }, { "tripleset": [ [ "Philadelphia, Pennsylvania", "HOSTED_4_TEAMS_SINCE", "1967" ], [ "Philadelphia, Pennsylvania", "MEDIA_MARKET_RANKING", "4" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiSQL_lily", "text": "Philadelphia, Pennsylvania, the metro area that is 4th in the media market rankings, have hosted teams from all four major leagues since 1967." } ] }, { "tripleset": [ [ "San Francisco Bay Area, California", "NHL_TEAM(S)", "Sharks ( San Jose )" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiSQL_lily", "text": "The San Francisco Bay Area, California, hosts the Sharks, a NHL team from San Jose." } ] }, { "tripleset": [ [ "8", "SAFE", "Kelly and Brendan" ], [ "8", "ELIMINATED", "John and Nicole" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "Kelly and Brendan were safe, but John and Nicole were eliminated." } ] }, { "tripleset": [ [ "K-1 200 m", "GOLD", "Lisa Carrington (NZL)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiTableQuestions_lily", "text": "Lisa Carrington won Gold in K-1 200 m." } ] }, { "tripleset": [ [ "Krisztina Fazekas Zur (USA)", "SILVER_TIME", "4:13.470" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiTableQuestions_lily", "text": "Krisztina Fazekas Zur won silver with a time of 4:13.470." } ] }, { "tripleset": [ [ "Australia Joanne Brigden-Jones Hannah Davis", "BRONZE_TIME", "38.369" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiTableQuestions_lily", "text": "The Australia team of Joanne Brigden and Hannah Davis won bronze with a time of 38.369." } ] }, { "tripleset": [ [ "K-2 1000 m", "SILVER", "Bulgaria Berenike Faldum Daniela Nedeva" ], [ "K-2 1000 m", "GOLD", "Germany Anne Knorr Debora Niche" ], [ "K-2 1000 m", "BRONZE", "Hungary Al\u00edz Sarudi Erika Medveczky" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiTableQuestions_lily", "text": "Anne Knorr won gold, Berenike Faldum won silver, and Al\u00edz Satudi won bronze." } ] }, { "tripleset": [ [ "[TABLECONTEXT]", "[TITLE]", "2011 ICF Canoe Sprint World Championships" ], [ "[TABLECONTEXT]", "EVENT", "K-1 4x200 m Relay" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiTableQuestions_lily", "text": "K-1 4x200 m Relay was an event at the 2011 ICF Canoe Spring World Championships." } ] }, { "tripleset": [ [ "John F. Amodeo", "DISTRICT", "District 2" ], [ "[TABLECONTEXT]", "[TITLE]", "New Jersey General Assembly, 2012-13 term" ], [ "[TABLECONTEXT]", "NAME", "John F. Amodeo" ], [ "John F. Amodeo", "FIRST_SERVED", "2008" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiTableQuestions_mturk", "text": "John F. Amodeo first served as the representative for District 2 of the New Jersey General Assembly in 2008." } ] }, { "tripleset": [ [ "Celeste Riley", "DISTRICT", "District 3" ], [ "Celeste Riley", "FIRST_SERVED", "2009\u2020" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiTableQuestions_mturk", "text": "celeste riley served first in district 3 in 2009." } ] }, { "tripleset": [ [ "Homo sapiens", "NCBI_ACCESSION_NUMBER_(MRNA/PROTEIN)", "NM_014157.3 / NP_054876.2" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "The NCBI Accession Number of the Homo Sapiens species is nm_014157.3 / np_054876.2." } ] }, { "tripleset": [ [ "Felis catus", "SPECIES_COMMON_NAME", "Cat" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "The common name for the Felis Catus species is cat." } ] }, { "tripleset": [ [ "Asian Junior Championships", "EVENT", "110 m hurdles" ], [ "Asian Junior Championships", "YEAR", "2001" ], [ "[TABLECONTEXT]", "COMPETITION", "Asian Junior Championships" ], [ "[TABLECONTEXT]", "[TITLE]", "Shi Dongpeng" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiTableQuestions_lily", "text": "Shi Dongpeng competed in the 110 m hurdled at the 2001 Asian Junior Championships." } ] }, { "tripleset": [ [ "[TABLECONTEXT]", "[TITLE]", "Shi Dongpeng" ], [ "Asian Championships", "POSITION", "1st" ], [ "Asian Championships", "VENUE", "Manila, Philippines" ], [ "[TABLECONTEXT]", "COMPETITION", "Asian Championships" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiTableQuestions_lily", "text": "Shi Dongpeng won the Asian Championships in Manila, Philippines." } ] }, { "tripleset": [ [ "[TABLECONTEXT]", "[TITLE]", "Shi Dongpeng" ], [ "World Championships", "EVENT", "110 m hurdles" ], [ "World Championships", "VENUE", "Osaka, Japan" ], [ "[TABLECONTEXT]", "COMPETITION", "World Championships" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiTableQuestions_lily", "text": "In 2007, in Osaka, Japan, Shi Dongpeng competed in the 110 m hurdles." } ] }, { "tripleset": [ [ "[TABLECONTEXT]", "[TITLE]", "Shi Dongpeng" ], [ "[TABLECONTEXT]", "COMPETITION", "World Indoor Championships" ], [ "World Indoor Championships", "YEAR", "2010" ], [ "World Indoor Championships", "NOTES", "7.82" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiTableQuestions_lily", "text": "In the 2010 World Indoor Championships, Shi Dongpend earned a 7.82 time." } ] }, { "tripleset": [ [ "[TABLECONTEXT]", "[TITLE]", "Shi Dongpeng" ], [ "[TABLECONTEXT]", "COMPETITION", "World Indoor Championships" ], [ "World Indoor Championships", "VENUE", "Istanbul, Turkey" ], [ "World Indoor Championships", "YEAR", "2012" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiTableQuestions_lily", "text": "Shi Dongpeng competed in Istanbul, Turkey in 2012." } ] }, { "tripleset": [ [ "hammers and veils", "DIRECTED_BY", "michael katleman" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "Michael katleman directed the episode \"hammers and veils\"." } ] }, { "tripleset": [ [ "sadie, sadie", "PROD._CODE", "227451" ], [ "sadie, sadie", "WRITER(S)", "amy sherman-palladino" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "Amy sherman - palladino directed the episode with production code 227451." } ] }, { "tripleset": [ [ "back in the saddle again", "DIRECTED_BY", "kevin dowling" ], [ "back in the saddle again", "ORIGINAL_AIR_DATE", "april23,2002" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "The original air date for the episode directed by kevin dowling is april23,2002." } ] }, { "tripleset": [ [ "[TABLECONTEXT]", "[TITLE]", "2007 National Cheerleading Championship" ], [ "UP Pep Squad", "RESULT", "Runner-up" ], [ "[TABLECONTEXT]", "TEAM", "UP Pep Squad" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiTableQuestions_mturk", "text": "In 2007, the National Cheerleading Championship team UP Pep Squad won runner-up." } ] }, { "tripleset": [ [ "Altas Perp Squad", "PYRAMIDS", "69.5" ], [ "Altas Perp Squad", "TOSSES", "53.5" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiTableQuestions_mturk", "text": "The Altas Perp Squad got a 53.5 in tosses and 69.5 in pyramids at the 2007 National Cheerleading Championship." } ] }, { "tripleset": [ [ "Ateneo Blue Babble Batallion", "TOSSES", "47" ], [ "Ateneo Blue Babble Batallion", "STUNTS", "50" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiTableQuestions_mturk", "text": "Ateneo Blue Babble Batallion had 50 stunts and 47 tosses." } ] }, { "tripleset": [ [ "Mike Loach", "NHL_TEAM", "N.Y. Islanders" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "Mike Loach plays for the N.Y. Islanders." } ] }, { "tripleset": [ [ "Peter Strom", "NHL_TEAM", "Montreal Canadiens" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "The NHL team that has Peter Strom is Montreal Canadiens." } ] }, { "tripleset": [ [ "Keith McCambridge", "YOUTH_CLUB", "Swift Current Broncos (WHL)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "Keith Mccambridge used to play for the Swift Current Broncos (WHL)." } ] }, { "tripleset": [ [ "Kevin Bond", "DATE_OF_APPOINTMENT", "2 September 2008" ], [ "Kevin Bond", "POSITION_IN_TABLE", "23rd" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "The date of appointment for the manager of the 23rd team was 2 september 2008." } ] }, { "tripleset": [ [ "Kurla Express", "DESTINATION", "Lokmanya Tilak (T) Mumbai" ], [ "Kurla Express", "CATEGORY", "Express" ], [ "Express", "FREQUENCY", "Daily" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiSQL_lily", "text": "The Kurla Express train runs daily to Lokmanya Tilak (I) Mumbai." } ] }, { "tripleset": [ [ "Duronto Express", "TRAIN_NO.", "12243/12244" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiSQL_lily", "text": "Train number 12243/12244 is called Duronto Express." } ] }, { "tripleset": [ [ "Nilgiri Express (slip)", "DESTINATION", "Chennai" ], [ "Nilgiri Express (slip)", "CATEGORY", "SF Express" ], [ "SF Express", "FREQUENCY", "Daily" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_lily", "text": "Heading to Chennai, the Nilgiri Express runs daily." } ] }, { "tripleset": [ [ "Nilgiri Express (slip)", "CATEGORY", "SF Express" ], [ "SF Express", "FREQUENCY", "Daily" ], [ "Nilgiri Express (slip)", "TRAIN_NO.", "12671/12672" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "Train number 12671/12672 has a daily frequency." } ] }, { "tripleset": [ [ "Intercity Express", "CATEGORY", "SF Express" ], [ "SF Express", "FREQUENCY", "Daily" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_lily", "text": "The Intercity Express is a daily train." } ] }, { "tripleset": [ [ "Nagercoil Express", "TRAIN_NO.", "16609/16610" ], [ "Nagercoil Express", "CATEGORY", "Express" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "The category for train number 16609/16610 is express." } ] }, { "tripleset": [ [ "Tuticorin Express", "DESTINATION", "Tuticorin" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "Train tuticorin express has destination tuticorin." } ] }, { "tripleset": [ [ "AC Express", "TRAIN_NO.", "22475/22476" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiSQL_lily", "text": "The AC Express is numbered 22475/22476." } ] }, { "tripleset": [ [ "richard vanquelef", "NATIONALITY\u00b2", "france" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "Richard Vanquelef is from France." } ] }, { "tripleset": [ [ "pierre vermeulen", "NATIONALITY\u00b2", "netherlands" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "Pierre Vermeulen is from the Netherlands." } ] }, { "tripleset": [ [ "Stacy Schneider", "RESULT", "10 Fired in week 2 (3-6-2006)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "When stacy schneider is the candidate 10 fired in week 2 (3-6-2006 are the results." } ] }, { "tripleset": [ [ "12621/2622", "TRAIN_NAME", "Tamil Nadu Express" ], [ "12621/2622", "ORIGIN", "Chennai" ], [ "12621/2622", "DESTINATION", "New Delhi" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiTableQuestions_mturk", "text": "Train No.\t12621/2622 has a Origin and Destination of Chennai and New Delhi,Train Name was Tamil Nadu Express" } ] }, { "tripleset": [ [ "11028/11027", "DESTINATION", "Mumbai" ], [ "11028/11027", "ORIGIN", "Chennai" ], [ "11028/11027", "TRAIN_NAME", "Mumbai Mail" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiTableQuestions_mturk", "text": "Train No.\t11028/11027 name of the train is Mumbai Mail has origin and Destination of Chennai to Mumbai" } ] }, { "tripleset": [ [ "Illinois 6", "INCUMBENT", "Henry Hyde" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "Henry Hyde in is illinois 6" } ] }, { "tripleset": [ [ "5,891", "MCCAIN%", "50.7%" ], [ "Adair", "OBAMA#", "5,735" ], [ "5,735", "OBAMA%", "49.3%" ], [ "Adair", "MCCAIN#", "5,891" ], [ "[TABLECONTEXT]", "[TITLE]", "United States presidential election in Missouri, 2008" ], [ "[TABLECONTEXT]", "COUNTY", "Adair" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiTableQuestions_lily", "text": "Obama received 49.3 % of votes while McCain received 50.7% in Adair, Missouri in the 2008 presidential elections." } ] }, { "tripleset": [ [ "Bates", "OBAMA#", "3,271" ], [ "Bates", "MCCAIN#", "4,833" ], [ "[TABLECONTEXT]", "[TITLE]", "United States presidential election in Missouri, 2008" ], [ "[TABLECONTEXT]", "COUNTY", "Bates" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiTableQuestions_lily", "text": "Obama received 3271 votes while McCain received 4833 in Bates, Missouri in the 2008 presidential elections." } ] }, { "tripleset": [ [ "1,690", "OBAMA%", "29.8%" ], [ "[TABLECONTEXT]", "[TITLE]", "United States presidential election in Missouri, 2008" ], [ "Bollinger", "OBAMA#", "1,690" ], [ "[TABLECONTEXT]", "COUNTY", "Bollinger" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiTableQuestions_mturk", "text": "During the United States presidential election in 2008, Barack Obama earned 29.8% of the vote in Bollinger County, Missouri, with a total of 1,690 votes." } ] }, { "tripleset": [ [ "Boone", "MCCAIN#", "36,849" ], [ "Boone", "OBAMA#", "47,062" ], [ "[TABLECONTEXT]", "[TITLE]", "United States presidential election in Missouri, 2008" ], [ "[TABLECONTEXT]", "COUNTY", "Boone" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiTableQuestions_lily", "text": "In Boone County, Missouri, Obama received 47,062 votes while McCain received 36849 in the 2008 presidential elections." } ] }, { "tripleset": [ [ "Callaway", "OBAMA#", "7,850" ], [ "[TABLECONTEXT]", "COUNTY", "Callaway" ], [ "7,850", "OBAMA%", "40.8%" ], [ "[TABLECONTEXT]", "[TITLE]", "United States presidential election in Missouri, 2008" ], [ "Callaway", "TOTAL", "19,239" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiTableQuestions_lily", "text": "Obama received 7850 votes, 40.8 % of the 19239 votes in Callaway County, Missouri in the 2008 presidential elections." } ] }, { "tripleset": [ [ "[TABLECONTEXT]", "COUNTY", "Cedar" ], [ "Cedar", "OBAMA#", "2,060" ], [ "Cedar", "MCCAIN#", "4,194" ], [ "[TABLECONTEXT]", "[TITLE]", "United States presidential election in Missouri, 2008" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiTableQuestions_lily", "text": "In Cedar County, 2060 votes were casted for Obama while 4194 were for McCain in the 2008 presidential elections." } ] }, { "tripleset": [ [ "Alabama 5", "INCUMBENT", "Albert Rains" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "Incumbent albert is rains from alabama 5." } ] }, { "tripleset": [ [ "Tonmawr RFC", "PLAYED", "22" ], [ "22", "WON", "20" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiSQL_lily", "text": "Tonmawr played 22 games and won 20 games." } ] }, { "tripleset": [ [ "Whitland RFC", "POINTS", "66" ], [ "22", "DRAWN", "2" ], [ "66", "TRIES_AGAINST", "36" ], [ "Whitland RFC", "PLAYED", "22" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "The tries against when the drawn was 2 was 36." } ] }, { "tripleset": [ [ "Corus (Port Talbot) RFC", "PLAYED", "22" ], [ "22", "DRAWN", "1" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiSQL_lily", "text": "Corus RFC played 22 games and drew 1 game." } ] }, { "tripleset": [ [ "Corus (Port Talbot) RFC", "PLAYED", "22" ], [ "22", "WON", "12" ], [ "Corus (Port Talbot) RFC", "POINTS", "59" ], [ "59", "POINTS_FOR", "496" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "The won when the points for was 496 was 12." } ] }, { "tripleset": [ [ "54", "POINTS_FOR", "407" ], [ "Narberth RFC", "POINTS", "54" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_lily", "text": "Narberth RFC got 407 points for." } ] }, { "tripleset": [ [ "54", "POINTS_AGAINST", "445" ], [ "54", "LOSING_BONUS", "4" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "The losing bonus when the points against was 445 was 4." } ] }, { "tripleset": [ [ "Bridgend Ravens", "POINTS", "46" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiSQL_lily", "text": "Bridgend Raven and had 46 club points." } ] }, { "tripleset": [ [ "Cwmllynfell RFC", "PLAYED", "22" ], [ "[TABLECONTEXT]", "[TITLE]", "WRU Division One West, 2009/2010 Table" ], [ "[TABLECONTEXT]", "CLUB", "Cwmllynfell RFC" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_lily", "text": "In WRU Dividion One West, Swmllynfell played 22 games." } ] }, { "tripleset": [ [ "17", "TRIES_AGAINST", "89" ], [ "17", "TRY_BONUS", "0" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "The was drawn 0 when the tries against was 89." } ] }, { "tripleset": [ [ "Justin McCarthy", "DATE_OF_VACANCY", "5 June 2008" ], [ "Justin McCarthy", "REPLACED_BY", "Davy FitzGerald" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "The date of the vacancy, that Davy Fitzgerald replaced, was 5 June 2008." } ] }, { "tripleset": [ [ "Damien Fox", "REPLACED_BY", "Niall Rigney" ], [ "Niall Rigney", "DATE_OF_APPOINTMENT", "24 June 2008" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "The date of appointment for the replacement for outgoing manager Damien Fox is 24 June 2008." } ] }, { "tripleset": [ [ "Galway", "OUTGOING_MANAGER", "John Meyler" ], [ "John Meyler", "REPLACED_BY", "Colm Bonnar" ], [ "Colm Bonnar", "DATE_OF_APPOINTMENT", "11 November 2008" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "Team Galway's replacement's date of appointment is 11 November 2008." } ] }, { "tripleset": [ [ "Galway", "OUTGOING_MANAGER", "John Meyler" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "Galway has the outgoing manager John Meyler." } ] }, { "tripleset": [ [ "Illinois 11", "CANDIDATES", "Frank R. Reid (R) 68.9% Edwin L. WIlson (D) 31.1%" ], [ "Frank R. Reid", "FIRST_ELECTED", "1922" ], [ "Illinois 11", "INCUMBENT", "Frank R. Reid" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "Frank r. reid (r) 68.9% edwin l. wilson (d) 31.1% were the candidates in the 1922 entry." } ] }, { "tripleset": [ [ "Aidy Boothroyd", "TEAM", "Watford" ], [ "Aidy Boothroyd", "POSITION_IN_TABLE", "21st" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "The team watford is 21st position in table" } ] }, { "tripleset": [ [ "Henry Hyde", "FIRST_ELECTED", "1974" ], [ "Illinois 6", "INCUMBENT", "Henry Hyde" ], [ "Illinois 6", "CANDIDATES", "Henry Hyde (R) 67.0% Mario Reymond Reda (D) 33.0%" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "Henry hyde (r) 67.0% mario reymond reda (d) 33.0% were featured in the 1974 election." } ] }, { "tripleset": [ [ "Illinois 12", "RESULT", "Re-elected" ], [ "Phil Crane", "FIRST_ELECTED", "1969" ], [ "Phil Crane", "PARTY", "Republican" ], [ "Illinois 12", "CANDIDATES", "Phil Crane (R) 74.1% David McCartney (D) 25.9%" ], [ "Illinois 12", "INCUMBENT", "Phil Crane" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "Incumbent phil crane was first elected in 1969.0." } ] }, { "tripleset": [ [ "Illinois 20", "RESULT", "Re-elected" ], [ "Illinois 20", "INCUMBENT", "Paul Findley" ], [ "Paul Findley", "FIRST_ELECTED", "1960" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "The result of the election when someone was first elected in 1960 was re- elected." } ] }, { "tripleset": [ [ "hell toupee", "ORIGINAL_AIR_DATE", "september 24, 1993" ], [ "hell toupee", "DIRECTED_BY", "john tracy" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "John tracy was the director for the episode airing on September 24, 1993." } ] }, { "tripleset": [ [ "car wars", "WRITTEN_BY", "sheila m. anthony" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "Sheila m. anthony wrote the episode \"car wars\"." } ] }, { "tripleset": [ [ "eleven angry jurors", "U.S._VIEWERS_(MILLIONS)", "27.48" ], [ "eleven angry jurors", "DIRECTED_BY", "matt earl beesley" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "27.48 million tuned into the show directed by Matt Earl Beesley." } ] }, { "tripleset": [ [ "Texas 3", "INCUMBENT", "Lindley Beckworth" ], [ "Texas 3", "RESULT", "Re-elected" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "The result of the election in which Lindley Beckworth was the incumbent was re- elected." } ] }, { "tripleset": [ [ "Wisconsin 1", "INCUMBENT", "Les Aspin" ], [ "Wisconsin 1", "RESULT", "Re-elected" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "The final result for Les Aspin was re- elected." } ] }, { "tripleset": [ [ "Wisconsin 5", "INCUMBENT", "Jim Moody" ], [ "Jim Moody", "FIRST_ELECTED", "1982" ], [ "Wisconsin 5", "CANDIDATES", "Jim Moody (D) 64.2% Helen I. Barnhill (R) 35.8%" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "Jim moody (d) 64.2% helen i. barnhill (r) 35.8% were the candidates that ran when Jim Moody was up for reelection after 1982." } ] }, { "tripleset": [ [ "slave", "PRODUCTION_CODE", "k0122" ], [ "slave", "DIRECTED_BY", "jace alexander" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "The episode with production code k0122 was directed by Jace alexander." } ] }, { "tripleset": [ [ "encore", "ORIGINAL_AIR_DATE", "february 28, 1996" ], [ "encore", "PRODUCTION_CODE", "k0120" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "The airdate of the episode with production code k0120 was february 28, 1996." } ] }, { "tripleset": [ [ " piece of my heart ", "DIRECTED_BY", "mark tinker" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "The title of the episode directed by Mark Tinker is \"Piece of my Heart\"." } ] }, { "tripleset": [ [ "girls just wanna have fun", "ORIGINAL_AIR_DATE", "november 7, 1997" ], [ "girls just wanna have fun", "DIRECTED_BY", "patrick duffy" ], [ "girls just wanna have fun", "WRITTEN_BY", "mindy schneider" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "Mindy Schneider wrote the episode directed by Patrick Duffy that aired on November 7, 1997." } ] }, { "tripleset": [ [ "Illinois 2", "RESULT", "Lost re-election Republican gain" ], [ "Barratt O'Hara", "FIRST_ELECTED", "1948" ], [ "Illinois 2", "CANDIDATES", "Richard B. Vail (R) 53.6% Barratt O'Hara (D) 46.4%" ], [ "Illinois 2", "INCUMBENT", "Barratt O'Hara" ], [ "Barratt O'Hara", "PARTY", "Democratic" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "Incumbent barratt o'hara was first elected in 1948.0." } ] }, { "tripleset": [ [ "Sid Simpson", "PARTY", "Republican" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "Sid simpson represents republican." } ] }, { "tripleset": [ [ "compromising positions", "NO._IN_SERIES", "53" ], [ "compromising positions", "DIRECTED_BY", "paul holahan" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "Paul holahan directed episode 53 in the series." } ] }, { "tripleset": [ [ "parting shots", "PRODUCTION_CODE", "bcw404" ], [ "parting shots", "DIRECTED_BY", "robert duncan mcneill" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "Bcw404 directed by Robert Duncan McNeill." } ] }, { "tripleset": [ [ "vested interest", "SEASON_#", "10" ], [ "vested interest", "DIRECTED_BY", "russell lee fine" ], [ "vested interest", "WRITTEN_BY", "jeff eastin" ], [ "vested interest", "NO._IN_SERIES", "56" ], [ "vested interest", "PRODUCTION_CODE", "bcw410" ], [ "vested interest", "U.S._VIEWERS_(MILLION)", "3.41" ], [ "vested interest", "ORIGINAL_AIR_DATE", "september18,2012" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "10.0 had BCW410 as a production code." } ] }, { "tripleset": [ [ "the northern uprising", "SEASON_#", "2" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "\"The Northern Uprising\" was 2nd in the season." } ] }, { "tripleset": [ [ "all in the family", "NO._IN_SERIES", "28" ], [ "all in the family", "DIRECTED_BY", "keith gordon" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "Keith gordon directed episode 28 in the series." } ] }, { "tripleset": [ [ "go your own way", "DIRECTED_BY", "john dahl" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "John dahl directed \"go your own way\"." } ] }, { "tripleset": [ [ "Illinois 3", "RESULT", "Lost re-election Democratic gain" ], [ "Illinois 3", "INCUMBENT", "Fred E. Busbey" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "The result when incumbent Fred E. Busbey was elected was lost re-election democratic gain." } ] }, { "tripleset": [ [ "Illinois 16", "INCUMBENT", "Leo E. Allen" ], [ "Illinois 16", "RESULT", "Re-elected" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "The result when Leo E. Allen was elected was re- elected." } ] }, { "tripleset": [ [ "Oklahoma 3", "RESULTS", "Re-elected" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "The results for the district oklahoma 3 was re- elected." } ] }, { "tripleset": [ [ "Oklahoma 5", "RESULTS", "Re-elected" ], [ "Oklahoma 5", "INCUMBENT", "Ernest Istook" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "The results when the incumbent was ernest istook was re- elected." } ] }, { "tripleset": [ [ "Oklahoma 5", "CANDIDATES", "Ernest Istook (R) 69% Garland McWatters (D) 28%" ], [ "Oklahoma 5", "INCUMBENT", "Ernest Istook" ], [ "Ernest Istook", "PARTY", "Republican" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "The party when the candidates were ernest istook (r) 69% garland mcwatters (d) 28 is republican%?" } ] }, { "tripleset": [ [ "Oklahoma 5", "RESULTS", "Re-elected" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "The results for the district oklahoma 5 were re- elected." } ] }, { "tripleset": [ [ "philippe jeannol", "PERIOD", "1984 - 1991" ], [ "philippe jeannol", "APPEARANCES\u00b9", "219" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "Philippe Jeannol had 219 appearances during the period 1984 - 1991." } ] }, { "tripleset": [ [ "[TABLECONTEXT]", "DISTRICT", "Virginia 5" ], [ "[TABLECONTEXT]", "[TITLE]", "United States House of Representatives elections, 1824" ], [ "Virginia 5", "INCUMBENT", "John Randolph" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiTableQuestions_mturk", "text": "Virginia 5's incumbent Representative was John Randolph." } ] }, { "tripleset": [ [ "hot wheels", "WRITTEN_BY", "regina stewart" ], [ "hot wheels", "ORIGINAL_AIR_DATE", "january 15, 1993" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "Regina stewart wrote the episode that originally aired on January 15, 1993." } ] }, { "tripleset": [ [ "number one with a bullet", "NO._IN_SERIES", "77" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "The name of episode number 77 in the series is \"number one with a bullet." } ] }, { "tripleset": [ [ "that night, a forest grew", "SEASON_#", "7" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "The episode title for number 7 in the season is \"that night, a forest grew\"." } ] }, { "tripleset": [ [ " invest in love ", "DIRECTED_BY", "jessica yu" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "The name of the episode directed by Jessica Yu was \"invest in love\"." } ] }, { "tripleset": [ [ " sanctuary ", "WRITTEN_BY", "shonda rhimes" ], [ " sanctuary ", "DIRECTED_BY", "stephen cragg" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "Stephen cragg directed the episode written by Shonda Rhimes." } ] }, { "tripleset": [ [ "California 1", "RESULT", "Re-elected" ], [ "California 1", "INCUMBENT", "Clarence F. Lea" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "The result of the election when Clarence F. Lea was the incumbent was re- elected." } ] }, { "tripleset": [ [ "California 5", "CANDIDATES", "John I. Nolan (R) 87% Thomas F. Feeley (S) 13%" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "The race between john i. nolan (r) 87% thomas f. feeley (s) 13 was california%?" } ] }, { "tripleset": [ [ "California 6", "RESULT", "Re-elected as Republican Republican gain" ], [ "California 6", "CANDIDATES", "John A. Elston (R) 88.4% Luella Twining (S) 11.6%" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "The net seat gain in the race john a. elston (r) 88.4% luella twining (s) 11.6% was re- elected as republican republican gain." } ] }, { "tripleset": [ [ "Texas 15", "INCUMBENT", "Kika de la Garza" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "Kika de la garza is the incumbent in district Texas 15." } ] }, { "tripleset": [ [ "the good, the bad, and the dominatrix", "ORIGINAL_AIR_DATE", "may10,2007" ], [ "the good, the bad, and the dominatrix", "SEASON_#", "23" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "The 23rd show in the season originally aired on May 10, 2007." } ] }, { "tripleset": [ [ "Florida 9", "INCUMBENT", "Michael Bilirakis" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "Michael bilirakis is the incumbent of Florida 9." } ] }, { "tripleset": [ [ "Florida 12", "INCUMBENT", "Charles Canady" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "Charles canady's the incumbent of Florida 12 district." } ] }, { "tripleset": [ [ "Florida 14", "RESULTS", "Re-elected" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "The election in the Florida 14 district end by re- elected." } ] }, { "tripleset": [ [ "Tennessee 3", "INCUMBENT", "Marilyn Lloyd" ], [ "Tennessee 3", "CANDIDATES", "Marilyn Lloyd (D) 57.4% Harold W. Coker (R) 42.6%" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "Marilyn lloyd is the incumbent that is listed with the candidates listed as marilyn lloyd (d) 57.4% harold w. coker (r) 42.6%." } ] }, { "tripleset": [ [ "Jim Cooper", "PARTY", "Democratic" ], [ "Jim Cooper", "FIRST_ELECTED", "1982" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "Democratic is associated with the person who was first elected in 1982." } ] }, { "tripleset": [ [ "Tennessee 4", "CANDIDATES", "Jim Cooper (D) Unopposed" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "You would find the candidates listed as jim cooper (d) unopposed in tennessee 4." } ] }, { "tripleset": [ [ "Tennessee 6", "CANDIDATES", "Bart Gordon (D) 76.5% Wallace Embry (R) 23.5%" ], [ "Tennessee 6", "RESULT", "Re-elected" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "The results for the candidates listed as bart gordon (d) 76.5% wallace embry (r) 23.5% was re- elected." } ] }, { "tripleset": [ [ "South Carolina 3", "CANDIDATES", "Lindsey Graham (R) 68% George Brightharp (D) 31%" ], [ "South Carolina 3", "INCUMBENT", "Lindsey Graham" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "Lindsey graham (r) 68% george brightharp (d) 31% are the candidates when the incumbent is lindsey graham." } ] }, { "tripleset": [ [ "Jim DeMint", "PARTY", "Republican" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "The party with the incumbent jim demint is republican." } ] }, { "tripleset": [ [ "South Carolina 4", "INCUMBENT", "Jim DeMint" ], [ "Jim DeMint", "PARTY", "Republican" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "The party for the district south carolina 4 is republican." } ] }, { "tripleset": [ [ "South Carolina 4", "CANDIDATES", "Jim DeMint (R) 80%" ], [ "South Carolina 4", "INCUMBENT", "Jim DeMint" ], [ "Jim DeMint", "PARTY", "Republican" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "The party when candidates is jim demint (r) 80 is republican%?" } ] }, { "tripleset": [ [ "live or let die", "SEASON_#", "18" ], [ "live or let die", "ORIGINAL_AIR_DATE", "march29,2006" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "The original air date of an episode from season 18 was March 29, 2006." } ] }, { "tripleset": [ [ "Texas 8", "INCUMBENT", "Lera Millard Thomas" ], [ "Lera Millard Thomas", "FIRST_ELECTED", "1966" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "The district who had their first elected in 1966 was texas 8." } ] }, { "tripleset": [ [ "Texas 16", "INCUMBENT", "Richard C. White" ], [ "Texas 16", "CANDIDATES", "Richard C. White (D) Unopposed" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "Richard c. white (d) unopposed was the candidate when the incumbent was Richard C. White." } ] }, { "tripleset": [ [ "Illinois 4", "CANDIDATES", "Ed Derwinski (R) 68.0% Melvin W. Morgan (D) 32.0%" ], [ "Illinois 4", "INCUMBENT", "Ed Derwinski" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "Ed derwinski (r) 68.0% melvin w. morgan (d) 32.0% were the candidates when the incumbent was ed derwinski." } ] }, { "tripleset": [ [ "Sidney R. Yates", "PARTY", "Democratic" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "The party when the incumbent is sidney r. yates is democratic." } ] }, { "tripleset": [ [ "say uncle", "NO._IN_SERIES", "130" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "The series number of \"Say Uncle\" is 130." } ] }, { "tripleset": [ [ "a wasted weekend", "WRITTEN_BY", "david mamet" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "The episode written by David Mamet is \"A Wasted Weekend\"." } ] }, { "tripleset": [ [ "Texas 13", "INCUMBENT", "Jack Hightower" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "Incumbent jack is hightower from texas 13." } ] }, { "tripleset": [ [ "Texas 22", "INCUMBENT", "Ron Paul" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "Ron paul won the district of texas 22." } ] }, { "tripleset": [ [ "the case of the missing diary", "ORIGINAL_AIR_DATE", "april 29, 1994" ], [ "the case of the missing diary", "WRITTEN_BY", "howard adler & robert griffard" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "Howard Adler and Robert Griffard wrote the episode that originally aired on April 29, 1994." } ] }, { "tripleset": [ [ "sister act", "WRITTEN_BY", "r.j. colleary" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "R.J. Colleary wrote the episode \"Sister Act\"." } ] }, { "tripleset": [ [ "sister act", "NO._IN_SERIES", "56" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "The title of the 56th episode of the series was \"Sister Act\"." } ] }, { "tripleset": [ [ "the apartment", "WRITTEN_BY", "julia newton" ], [ "the apartment", "NO._IN_SERIES", "48" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "The title of the episode written by Julia Newton, the 48th episode of the series, was \"The Apartment\"." } ] }, { "tripleset": [ [ "James M. Collins", "PARTY", "Republican" ], [ "Texas 3", "INCUMBENT", "James M. Collins" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "Republican is texas 3." } ] }, { "tripleset": [ [ "Texas 3", "INCUMBENT", "James M. Collins" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "The incumbent of texas 3 was james m. collins." } ] }, { "tripleset": [ [ "Texas 19", "INCUMBENT", "George H. Mahon" ], [ "Texas 19", "RESULT", "Retired Democratic hold" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "Name the result retired democratic hold the incumbent was george h. mahon" } ] }, { "tripleset": [ [ "Texas 19", "INCUMBENT", "George H. Mahon" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "The incumbent for texas 19 was george h. mahon." } ] }, { "tripleset": [ [ "Alabama 2", "RESULT", "Re-elected" ], [ "Alabama 2", "INCUMBENT", "John R. Tyson" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "The result when incumbent John R. Tyson was elected was re- elected." } ] }, { "tripleset": [ [ "Massachusetts 12", "CANDIDATES", "James A. Gallivan (D) Unopposed" ], [ "Massachusetts 12", "RESULT", "Re-elected" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "The result of the election featuring james a. gallivan (d) unopposed was re- elected." } ] }, { "tripleset": [ [ "[TABLECONTEXT]", "[TITLE]", "United States House of Representatives elections, 1934" ], [ "Harry C. Ransley", "PARTY", "Republican" ], [ "Pennsylvania 1", "RESULT", "Re-elected" ], [ "[TABLECONTEXT]", "DISTRICT", "Pennsylvania 1" ], [ "Pennsylvania 1", "INCUMBENT", "Harry C. Ransley" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiTableQuestions_lily", "text": "In the 1934 U.S. House of Representatives elections, Pennsylvania's first district's Harry C. Ransley was a Republican who was re-elected." } ] }, { "tripleset": [ [ "[TABLECONTEXT]", "[TITLE]", "United States House of Representatives elections, 1934" ], [ "George W. Edmonds", "PARTY", "Republican" ], [ "Pennsylvania 4", "INCUMBENT", "George W. Edmonds" ], [ "[TABLECONTEXT]", "DISTRICT", "Pennsylvania 4" ], [ "Pennsylvania 4", "RESULT", "Lost re-election Democratic gain" ], [ "Pennsylvania 4", "CANDIDATES", "J. Burrwood Daly (D) 49.6% George W. Edmonds (R) 49.2% William Eckel (S) 0.7% Sterling T. Rochester (C) 0.4% Charles Fred White (Prog) 0.08%" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiTableQuestions_lily", "text": "During the 1934 U.S. House of Representatives elections, Republican George W. Edmonds in Pennsylvania lost re-election to Democrat J. Burrwood Daly." } ] }, { "tripleset": [ [ "[TABLECONTEXT]", "DISTRICT", "Pennsylvania 5" ], [ "[TABLECONTEXT]", "[TITLE]", "United States House of Representatives elections, 1934" ], [ "Pennsylvania 5", "INCUMBENT", "James J. Connolly" ], [ "Pennsylvania 5", "CANDIDATES", "Frank Joseph Gerard Dorsey (D) 52.2% James J. Connolly (R) 46.7% Warren D. Mullin (S) 1.0% Arthur Braun (C) 0.2%" ], [ "James J. Connolly", "PARTY", "Republican" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiTableQuestions_lily", "text": "In District 5 of Pennsylvania, Democrat Frank Joseph Gerard Dorsey won the 1934 U.S. House of Representatives elections, beating the incumbent Republican." } ] }, { "tripleset": [ [ "Edward L. Stokes", "PARTY", "Republican" ], [ "Pennsylvania 6", "INCUMBENT", "Edward L. Stokes" ], [ "Edward L. Stokes", "FIRST_ELECTED", "1931" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiTableQuestions_lily", "text": "Edward L. Stokes was a Republican Congressman in Pennsylvania's District 6, first elected in 1931." } ] }, { "tripleset": [ [ "George P. Darrow", "FIRST_ELECTED", "1914" ], [ "[TABLECONTEXT]", "[TITLE]", "United States House of Representatives elections, 1934" ], [ "Pennsylvania 7", "RESULT", "Re-elected" ], [ "Pennsylvania 7", "INCUMBENT", "George P. Darrow" ], [ "[TABLECONTEXT]", "DISTRICT", "Pennsylvania 7" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiTableQuestions_lily", "text": "Initially elected in 1914, George P. Darrow was re-elected during the 1934 U.S. House of Representatives elections." } ] }, { "tripleset": [ [ "Pennsylvania 8", "CANDIDATES", "James Wolfenden (R) 57.2% John E. McDonough (D) 41.3% Edward B. Rawson (S) 1.0% C. Wilfred Conard (Proh) 0.6%" ], [ "Pennsylvania 8", "INCUMBENT", "James Wolfenden" ], [ "Pennsylvania 8", "RESULT", "Re-elected" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiTableQuestions_mturk", "text": "United States House of Representatives elections, 1934 is Candidates James Wolfenden (R) 57.2% John E. McDonough (D) 41.3% Edward B. Rawson (S) 1.0% C. Wilfred Conard (Proh) 0.6% Result re-elected Incumbent James Wolfenden and district Pennylvania 8" } ] }, { "tripleset": [ [ "kafelnikov", "PROD._CODE", "2-05" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "The product code for the episode titled \"Kafelnikov\" is 2-05." } ] }, { "tripleset": [ [ "la forza del destino", "NO._IN_SERIES", "44" ], [ "la forza del destino", "DIRECTED_BY", "timothy busfield" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "Timothy busfield directed episode no. 44 in the series." } ] }, { "tripleset": [ [ "a family thing", "U.S._VIEWERS_(MILLIONS)", "8.16" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "\"A Family Thing\" had 8.16 million viewers in the US." } ] }, { "tripleset": [ [ "past tense", "SEASON_#", "4" ], [ "past tense", "ORIGINAL_AIR_DATE", "october29,2008" ], [ "past tense", "NO._IN_SERIES", "13" ], [ "past tense", "U.S._VIEWERS_(MILLIONS)", "7.93" ], [ "past tense", "DIRECTED_BY", "michael pressman" ], [ "past tense", "WRITTEN_BY", "craig turk" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "\"Past Tense\" was the 13th episode in the series." } ] }, { "tripleset": [ [ "man down (part 2)", "SEASON_#", "15" ], [ "man down (part 2)", "U.S._VIEWERS_(MILLIONS)", "19.90" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "19.90 million viewers watched episode 15 in the season." } ] }, { "tripleset": [ [ "throwing heat", "U.S._VIEWERS_(MILLIONS)", "18.85" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "18.85 million U.S. viewers watched the \"Throwing Heat\" episode." } ] }, { "tripleset": [ [ "burned", "U.S._VIEWERS_(MILLIONS)", "17.24" ], [ "burned", "DIRECTED_BY", "anthony hemingway" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "17.24 million in the U.S. watched an episode directed by Anthony Hemingway." } ] }, { "tripleset": [ [ "Paul Ince", "DATE_OF_APPOINTMENT", "2 July 2008" ], [ "Paul Ince", "TEAM", "Milton Keynes Dons" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "The Milton Keynes Dons makes an appointment on 2 july 2008." } ] }, { "tripleset": [ [ "Gary McAllister", "TEAM", "Leeds United" ], [ "Gary McAllister", "DATE_OF_APPOINTMENT", "23 December 2008" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "Leeds united appointed a person on 23 December 2008." } ] }, { "tripleset": [ [ "Micky Adams", "DATE_OF_VACANCY", "21 February 2009" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "Micky Adams vacated on 21 february 2009 his position." } ] }, { "tripleset": [ [ "Charles H. Brand", "PARTY", "Democratic" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "The affiliation of charles h. brand is democratic" } ] }, { "tripleset": [ [ "Virginia 4", "INCUMBENT", "Norman Sisisky" ], [ "Virginia 4", "RESULTS", "Re-elected" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "The result of the election featuring incumbent norman sisisky was re- elected." } ] }, { "tripleset": [ [ "Edward Boland", "FIRST_ELECTED", "1952" ], [ "Massachusetts 2", "INCUMBENT", "Edward Boland" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "The district for 1952 is massachusetts." } ] }, { "tripleset": [ [ "Joseph D. Early", "FIRST_ELECTED", "1974" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "The incumbent for 1974 is joseph d.." } ] }, { "tripleset": [ [ "Petersville", "CENSUS_RANKING", "2,520 of 5,008" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "Petersville's census ranking is 2,520 of 5,008." } ] }, { "tripleset": [ [ "what do you know?", "DIRECTED_BY", "richard correll" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "Richard correll directed \"what do you know?\"." } ] }, { "tripleset": [ [ "nightmare at urkel oaks", "WRITTEN_BY", "gary m. goodrich" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "The name of the epiode written by Gary M. Goodrich was \"nightmare at urkel oaks." } ] }, { "tripleset": [ [ "nightmare at urkel oaks", "DIRECTED_BY", "kelly sandefur" ], [ "nightmare at urkel oaks", "NO._IN_SERIES", "179" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "Kelly sandefur directed episode number 179 in the series." } ] }, { "tripleset": [ [ "deviant", "U.S._VIEWERS_(MILLIONS)", "18.43" ], [ "deviant", "WRITTEN_BY", "krystal houghton" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "18.43 whatched episodes written by Krystal Houghton." } ] }, { "tripleset": [ [ "double jeopardy", "WRITTEN_BY", "brian davidson" ], [ "double jeopardy", "U.S._VIEWERS_(MILLIONS)", "19.01" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "Brian davidson wrote an episode watched by 19.01 million US viewers." } ] }, { "tripleset": [ [ "Illinois 9", "RESULT", "Re-elected" ], [ "Sidney R. Yates", "PARTY", "Democratic" ], [ "Sidney R. Yates", "FIRST_ELECTED", "1964" ], [ "Illinois 9", "INCUMBENT", "Sidney R. Yates" ], [ "Illinois 9", "CANDIDATES", "Sidney R. Yates (D) Unopposed" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "The first elected incumbant Sidney R. Yates was in 1964.0." } ] }, { "tripleset": [ [ "Texas 1", "INCUMBENT", "Wright Patman" ], [ "Texas 1", "CANDIDATES", "Wright Patman (D) 97.6% P. B. Gibbons (R) 2.4%" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "Wright patman (d) 97.6% p. b. gibbons (r) 2.4% are the candidates in the race where Wright Patman is the incumbent." } ] }, { "tripleset": [ [ "crouching zeke, dancing luther", "PROD._CODE", "213" ], [ "crouching zeke, dancing luther", "ORIGINAL_AIR_DATE", "june28,2010" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "The episode with production code 213 aired for the first time in june 28, 2010." } ] }, { "tripleset": [ [ "double crush", "PROD._CODE", "208" ], [ "double crush", "DIRECTED_BY", "savage steve holland" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "Savage Steve Holland directed the episode with production code 208." } ] }, { "tripleset": [ [ "ball of trash", "U.S._VIEWERS_(IN_MILLIONS)", "n/a" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "N / a saw the episode titled \"Ball of Trash\"." } ] }, { "tripleset": [ [ "Illinois 19", "INCUMBENT", "Dan Crane" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "Illinois 19 has Dan Crane as incumbent." } ] }, { "tripleset": [ [ "Paul Ryan", "FIRST_ELECTED", "1998" ], [ "Wisconsin 1", "CANDIDATES", "Paul Ryan (R) 66% Jeffrey Thomas (D) 34%" ], [ "Wisconsin 1", "INCUMBENT", "Paul Ryan" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "Paul ryan (r) 66% jeffrey thomas (d) 34% were the candidates in the district first elected in 1998 whose incumbent ended up being Paul Ryan." } ] }, { "tripleset": [ [ "Wisconsin 6", "INCUMBENT", "Tom Petri" ], [ "Wisconsin 6", "CANDIDATES", "Tom Petri (R) 65% Dan Flaherty (D) 35%" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "Tom petri (r) 65% dan flaherty (d) 35% ran in the district elections won by Tom Petri." } ] }, { "tripleset": [ [ "Texas 4", "INCUMBENT", "Sam Rayburn" ], [ "Texas 4", "CANDIDATES", "Sam Rayburn (D) 97.9% Ross E. Johnson (R) 2.1%" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "Sam rayburn (d) 97.9% ross e. johnson (r) 2.1% are all the candidates when Sam Rayburn was incumbent." } ] }, { "tripleset": [ [ "Fritz G. Lanham", "PARTY", "Democratic" ], [ "Fritz G. Lanham", "FIRST_ELECTED", "1919" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "The party that was frist elected in 1919 was democratic." } ] }, { "tripleset": [ [ "Wayne Gilchrest", "RESULT", "Re-elected" ], [ "Maryland 1", "INCUMBENT", "Wayne Gilchrest" ], [ "[TABLECONTEXT]", "DISTRICT", "Maryland 1" ], [ "Maryland 1", "CANDIDATES", "Wayne Gilchrest (R) 76.67% Ann Tamlyn (D) 23.16%" ], [ "[TABLECONTEXT]", "[TITLE]", "United States House of Representatives elections, 2002" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiTableQuestions_lily", "text": "The Republican incumbent Wayne Gilchrest was re-elected as representative in 2002 in an overwhelming victory of over 70% to Ann Tamlyn." } ] }, { "tripleset": [ [ "Robert Ehrlich", "RESULT", "Retired to run for Governor Democratic gain" ], [ "[TABLECONTEXT]", "DISTRICT", "Maryland 2" ], [ "[TABLECONTEXT]", "[TITLE]", "United States House of Representatives elections, 2002" ], [ "Maryland 2", "INCUMBENT", "Robert Ehrlich" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiTableQuestions_lily", "text": "The Democrats claimed the seat of Maryland's District 2, whose former representative Robert Ehrlich retired to run for Governor." } ] }, { "tripleset": [ [ "Steny Hoyer", "FIRST_ELECTED", "1981" ], [ "[TABLECONTEXT]", "DISTRICT", "Maryland 5" ], [ "Maryland 5", "INCUMBENT", "Steny Hoyer" ], [ "Steny Hoyer", "RESULT", "Re-elected" ], [ "[TABLECONTEXT]", "[TITLE]", "United States House of Representatives elections, 2002" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiTableQuestions_lily", "text": "The re-elected representative Steny Hoyer first took the seat in 1981." } ] }, { "tripleset": [ [ "Elijah Cummings", "PARTY", "Democratic" ], [ "Maryland 7", "INCUMBENT", "Elijah Cummings" ], [ "Maryland 7", "CANDIDATES", "Elijah Cummings (D) 73.53% Joseph Ward (R) 26.38%" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiTableQuestions_lily", "text": "Democrat Elijah Cummings defeated Republican's Joseph Ward 73.53% to 26.38% to retain his position." } ] }, { "tripleset": [ [ "Connie Morella", "RESULT", "Lost re-election Democratic gain" ], [ "Maryland 8", "CANDIDATES", "Chris Van Hollen (D) 51.71% Connie Morella (R) 47.49% Stephen Bassett (UN) 0.73%" ], [ "Maryland 8", "INCUMBENT", "Connie Morella" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiTableQuestions_lily", "text": "Connie Morella lost re-election to the Democrats by a margin of less than 3%." } ] }, { "tripleset": [ [ "1994", "MENS_SINGLES", "Ivan \u0110uri\u0107" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "Ivan Duri\u0107 won mens singles in 1994." } ] }, { "tripleset": [ [ "2001", "WOMENS_SINGLES", "Jelena Obri\u0107" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "Jelena Obri\u0107 won womens singles in 2001." } ] }, { "tripleset": [ [ " halloween on spooner street ", "WRITTEN_BY", "andrew goldberg" ], [ " halloween on spooner street ", "PRODUCTION_CODE", "8acx06" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "The episode with production code 8acx06 was written by andrew goldberg" } ] }, { "tripleset": [ [ " german guy ", "PRODUCTION_CODE", "8acx14" ], [ " german guy ", "ORIGINAL_AIR_DATE", "february20,2011" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "The episode with the production code 8acx14 original air dated in february20, 2011" } ] }, { "tripleset": [ [ "Alabama 1", "CANDIDATES", "\u221a Frank W. Boykin (D) Unopposed" ], [ "Alabama 1", "INCUMBENT", "Frank W. Boykin" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "\u221a frank w. boykin (d) unopposed were in the election where Frank W. Boykin was an incumbent." } ] }, { "tripleset": [ [ "Alabama 2", "CANDIDATES", "\u221a George M. Grant (D) Unopposed" ], [ "Alabama 2", "INCUMBENT", "George M. Grant" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "\u221a george m. grant (d) unopposed were the candidates in the election where the incumbent is George M. Grant." } ] }, { "tripleset": [ [ "Alabama 6", "INCUMBENT", "Armistead I. Selden, Jr." ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "Armistead i. selden, jr. is the incumbent in the Alabama 6 voting district." } ] }, { "tripleset": [ [ "Alabama 6", "CANDIDATES", "\u221a Armistead I. Selden, Jr. (D) Unopposed" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "\u221a armistead i. selden, jr. (d) unopposed ran in the Alabama 6 district." } ] }, { "tripleset": [ [ "Ralph S. Regula", "FIRST_ELECTED", "1972" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "Ralph s. regula was elected in 1972" } ] }, { "tripleset": [ [ "life is short", "DIRECTED_BY", "paul johansson" ], [ "life is short", "U.S._VIEWERS_(MILLIONS)", "2.57" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "Paul Johansson directed the episode that was viewed by 2.57 million people in the U.S.." } ] }, { "tripleset": [ [ "you're gonna need someone on your side", "DIRECTED_BY", "michael j. leone" ], [ "you're gonna need someone on your side", "U.S._VIEWERS_(MILLIONS)", "2.50" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "Michael J. Leone directed the episode that was viewed by 2.50 million people in the U.S.." } ] }, { "tripleset": [ [ "Show Country Quality", "DISTANCE", "1200 m" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "Show country quality has a distance of 1200 m." } ] }, { "tripleset": [ [ "Hollindale Stakes", "GROUP", "G2" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "The Hollindale was Stakes in g2." } ] }, { "tripleset": [ [ "Third round", "LEAGUES_ENTERING_AT_THIS_ROUND", "none" ], [ "Third round", "WINNERS_FROM_PREVIOUS_ROUND", "32" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "None started in the round where winners from the previous round is 32." } ] }, { "tripleset": [ [ "Fourth round", "LEAGUES_ENTERING_AT_THIS_ROUND", "none" ], [ "Fourth round", "WINNERS_FROM_PREVIOUS_ROUND", "16" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "None started in the round where winners from the previous round is 16." } ] }, { "tripleset": [ [ "Quarter finals", "WINNERS_FROM_PREVIOUS_ROUND", "8" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "The round where winners from the previous round totals 8 is quarter finals." } ] }, { "tripleset": [ [ "Quarter finals", "LEAGUES_ENTERING_AT_THIS_ROUND", "none" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "None started in the quarter finals." } ] }, { "tripleset": [ [ "Semi finals", "WINNERS_FROM_PREVIOUS_ROUND", "4" ], [ "Semi finals", "CLUBS_REMAINING", "4" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "4 clubs are remaining when the winners from the previous round totals 4." } ] }, { "tripleset": [ [ "Tom Luken", "PARTY", "Democratic" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "Tom Luken belongs to democratic." } ] }, { "tripleset": [ [ "Del Latta", "FIRST_ELECTED", "1958" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "Del latta was first elected in 1958." } ] }, { "tripleset": [ [ "Del Latta", "PARTY", "Republican" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "Del Latta belongs to republican." } ] }, { "tripleset": [ [ "Ohio 16", "CANDIDATES", "Ralph Regula (R) 78.6% Melvin J. Gravely (D) 21.4%" ], [ "Ohio 16", "INCUMBENT", "Ralph Regula" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "Ralph regula (r) 78.6% melvin j. gravely (d) 21.4% are all the candidates who ran in the district where Ralph Regula is the incumbent." } ] }, { "tripleset": [ [ "North Carolina 2", "INCUMBENT", "Tim Valentine" ], [ "North Carolina 2", "CANDIDATES", "Tim Valentine (D) Unopposed" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "Tim valentine (d) unopposed were all the candidates when incumbent was Tim Valentine." } ] }, { "tripleset": [ [ "Larry Combest", "PARTY", "Republican" ], [ "Texas 19", "RESULT", "Re-elected" ], [ "Texas 19", "CANDIDATES", "Larry Combest (R) 80.37% John Sawyer (D) 19.63%" ], [ "Larry Combest", "FIRST_ELECTED", "1984" ], [ "Texas 19", "INCUMBENT", "Larry Combest" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "Larry combest elected was in 1984.0" } ] }, { "tripleset": [ [ "down the drain", "WRITTEN_BY", "naren shankar" ], [ "down the drain", "NO._IN_SERIES", "94" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "Naren Shankar wrote episode 94." } ] }, { "tripleset": [ [ "no humans involved", "SEASON_#", "10" ], [ "no humans involved", "NO._IN_SERIES", "102" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "Number 102 in the series is number 10 in the season." } ] }, { "tripleset": [ [ "crow's feet", "NO._IN_SERIES", "96" ], [ "crow's feet", "WRITTEN_BY", "josh berman" ], [ "crow's feet", "DIRECTED_BY", "richard j. lewis" ], [ "crow's feet", "ORIGINAL_AIR_DATE", "october21,2004" ], [ "crow's feet", "U.S._VIEWERS_(MILLIONS)", "26.54" ], [ "crow's feet", "SEASON_#", "4" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "The episode \"Crow's Feet\" is 4th in the season." } ] }, { "tripleset": [ [ "committed", "ORIGINAL_AIR_DATE", "april28,2005" ], [ "committed", "NO._IN_SERIES", "113" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "Episode 113 aired on April 28, 2005." } ] }, { "tripleset": [ [ "baby come back", "ORIGINAL_AIR_DATE", "december 1, 1995" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "\"Baby Come Back\" is the title of the episode aired on December 1, 1995." } ] }, { "tripleset": [ [ "the wall", "DIRECTED_BY", "patrick duffy" ], [ "the wall", "NO._IN_SERIES", "102" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "The 102nd episode in the series was directed by Patrick Duffy." } ] }, { "tripleset": [ [ "we're going to disney world (part 1)", "ORIGINAL_AIR_DATE", "may 3, 1996" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "On May 3, 1996, the episode \"We're Going to Disney World\" aired." } ] }, { "tripleset": [ [ "1990", "MENS_DOUBLES", "Charalambos Kazilas Stepan Partemian" ], [ "1990", "WOMENS_DOUBLES", "Ruth Scott Stephanie Giantsi" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "The womens doubles team consisted of Ruth Scott and Stephanie Giants while the mens doubles participants were Charalambos Kazilas and Stepan Partemian." } ] }, { "tripleset": [ [ "1992", "MIXED_DOUBLES", "Potten Ruth Scott" ], [ "1992", "WOMENS_DOUBLES", "Ruth Scott Stephanie Giantsi" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "The womens doubles team was Ruth Scott and Stephanie Giants while the mixed doubles had Potten and Ruth Scott." } ] }, { "tripleset": [ [ "1994", "MENS_DOUBLES", "George Georgoudis Gerostergiou" ], [ "1994", "MENS_SINGLES", "Pavlos Charalambidis" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "The mens singles player was Pavlos Charalambidis, and the mens doubles players were George Georgoudis and Gerostergiou." } ] }, { "tripleset": [ [ "2001", "WOMENS_DOUBLES", "Chrisa Georgali Evagelia Tetradi" ], [ "2001", "MENS_DOUBLES", "Theodoros Velkos Giorgos Patis" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "The womens doubles players were Chrisa Georgali and Evagelia Tetradi, and the mens doubles team was Theodoros Velkos and Giorgos Patis." } ] }, { "tripleset": [ [ "111", "U.S._VIEWERS_(MILLION)", "2.58" ], [ "111", "TITLE", "brace for impact" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "2.58 million U.S. viewers watched \"Brace for Impact\"." } ] }, { "tripleset": [ [ "108", "U.S._VIEWERS_(MILLION)", "2.12" ], [ "108", "ORIGINAL_AIR_DATE", "march 31, 2013" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "2.12 million watched the episode that first aired on March 31, 2013." } ] }, { "tripleset": [ [ "108", "U.S._VIEWERS_(MILLION)", "2.12" ], [ "108", "WRITTEN_BY", "karen maser" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "Karen Maser wrote an episode that was viewed by 2.12 million viewers." } ] }, { "tripleset": [ [ "past imperfect", "ORIGINAL_AIR_DATE", "april25,2007" ], [ "past imperfect", "DIRECTED_BY", "oz scott" ], [ "past imperfect", "WRITTEN_BY", "wendy battles" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "The air date for the episode written by Wendy Battles and directed by Oz Scott was April 25, 2007" } ] }, { "tripleset": [ [ "cold reveal", "U.S._VIEWERS_(MILLIONS)", "13.00" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "13.00 million viewers in the U.S. watched the episode \"Cold Reveal.\"" } ] }, { "tripleset": [ [ "oedipus hex", "WRITTEN_BY", "anthony e. zuiker & ken solarz" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "\"Oedipus Hex\" was written by Anthony E. Zuiker and Ken Solarz." } ] }, { "tripleset": [ [ "the ride-in", "DIRECTED_BY", "steven depaul" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "\"The Ride-In\" was directed by Steve DePaul." } ] }, { "tripleset": [ [ "Texas 11", "INCUMBENT", "William R. Poage" ], [ "William R. Poage", "PARTY", "Democratic" ], [ "Texas 11", "RESULT", "Re-elected" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "The re-elected incumbent of the Texas 11 district belonged to democratic." } ] }, { "tripleset": [ [ "dining out", "DIRECTED_BY", "jean de segonzac" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "Directed the episode \"dining out jean de segonzac\"." } ] }, { "tripleset": [ [ "line of departure", "U.S._VIEWERS_(MILLION)", "4.2" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "4.2 million watched \"Line of Departure\"." } ] }, { "tripleset": [ [ "dad's dead", "WRITTEN_BY", "christopher titus and jack kenny & brian hargrove" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "\"Dad's Dead\" was written by Christopher Titus, Jack Kenny, and Brian Hargrove." } ] }, { "tripleset": [ [ "red asphalt", "WRITTEN_BY", "matt rosenberg & ritch shydner" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "Matt Rosenberg and Ritch Shydner wrote \"Red Asphalt.\"" } ] }, { "tripleset": [ [ "the big fix", "DIRECTED_BY", "richard correll" ], [ "the big fix", "NO._IN_SERIES", "17" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "Episode 17 was directed by Richard Correll" } ] }, { "tripleset": [ [ "bowl me over", "NO._IN_SERIES", "21" ], [ "bowl me over", "ORIGINAL_AIR_DATE", "april 20, 1990" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "The original air date of Episode 21 was April 20, 1990." } ] }, { "tripleset": [ [ "black", "WRITTEN_BY", "mike martineau" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "Mike Martineau wrote the episode titled \"Black\"." } ] }, { "tripleset": [ [ "solo", "WRITTEN_BY", "denis leary, peter tolan and evan reilly" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "Denis Leary, Peter Tolan and Evan Reilly are the writers for the episode \"Solo\"." } ] }, { "tripleset": [ [ "Clyde", "REPLACED_BY", "John Brown" ], [ "Clyde", "DATE_OF_VACANCY", "18 January" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "John Brown replaced a vacancy that opened on 18 January." } ] }, { "tripleset": [ [ "Greenock Morton", "DATE_OF_VACANCY", "12 February" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "Greenock Morton had a vacancy on 12 February." } ] }, { "tripleset": [ [ "Greenock Morton", "OUTGOING_MANAGER", "Jim McInally" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "Jim Mcinally managed Greenock Morton." } ] }, { "tripleset": [ [ "renunciation", "ORIGINAL_AIR_DATE", "november 19, 1991" ], [ "renunciation", "WRITTEN_BY", "michael s. chernuchin & joe morgenstern" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "The original air date written by michael s. chernuchin & joe morgenstern was in november 19, 1991." } ] }, { "tripleset": [ [ "his hour upon the stage", "WRITTEN_BY", "robert stuart nathan & giles blunt" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "\"his hour upon the stage\" is written by robert stuart nathan & giles blunt." } ] }, { "tripleset": [ [ "the fertile fields", "PRODUCTION_CODE", "67425" ], [ "the fertile fields", "DIRECTED_BY", "ed sherin" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "The episode with production code 67425 is directed ed sherin." } ] }, { "tripleset": [ [ "flame red", "U.S._VIEWERS_(MILLION)", "18.74" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "18.74 million people tuned \"flame red in." } ] }, { "tripleset": [ [ "red john's friends", "PRODUCTION_CODE", "3t7809" ], [ "red john's friends", "NO._IN_SERIES", "11" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "Series 11 was 3t7809." } ] }, { "tripleset": [ [ "Jesse M. Combs", "PARTY", "Democratic" ], [ "Texas 2", "INCUMBENT", "Jesse M. Combs" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "Democratic is associated with Texas 2." } ] }, { "tripleset": [ [ "Texas 7", "CANDIDATES", "Tom Pickett (D) Unopposed" ], [ "Texas 7", "RESULT", "Re-elected" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "Tom pickett (d) unopposed has a result of being re-elected in the Texas 7 District." } ] }, { "tripleset": [ [ "Texas 10", "CANDIDATES", "Homer Thornberry (D) Unopposed" ], [ "Texas 10", "RESULT", "Retired to run for U.S. Senate Democratic hold" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "Is retired to run for U.S. Senate Democratic Hold, who is the candidate in homer thornberry (d) unopposed." } ] }, { "tripleset": [ [ "Texas 15", "RESULT", "Retired Democratic hold" ], [ "Texas 15", "INCUMBENT", "Milton H. West" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "The result for the incumbent Milton H. West was retired democratic hold." } ] }, { "tripleset": [ [ "Gus Savage", "FIRST_ELECTED", "1980" ], [ "Illinois 2", "RESULT", "Re-elected" ], [ "Illinois 2", "INCUMBENT", "Gus Savage" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "The incombent re- elected who was elected in 1980." } ] }, { "tripleset": [ [ "Illinois 19", "INCUMBENT", "Terry L. Bruce" ], [ "Illinois 19", "RESULT", "Re-elected" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "The election end for Terry L. Bruce by re- elected." } ] }, { "tripleset": [ [ "Ray Roberts", "PARTY", "Democratic" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "The political affiliation of ray roberts is democratic" } ] }, { "tripleset": [ [ "Texas 6", "INCUMBENT", "Olin E. Teague" ], [ "Olin E. Teague", "FIRST_ELECTED", "1946" ], [ "Texas 6", "CANDIDATES", "Olin E. Teague (D) Unopposed" ], [ "Olin E. Teague", "PARTY", "Democratic" ], [ "Texas 6", "RESULT", "Re-elected" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "1946.0 voted in the texas 6 section" } ] }, { "tripleset": [ [ "Jim Wright", "PARTY", "Democratic" ], [ "Texas 12", "INCUMBENT", "Jim Wright" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "The political affiliation of the texas 12 district is democratic" } ] }, { "tripleset": [ [ "Texas 8", "INCUMBENT", "Jack Fields" ], [ "Texas 8", "CANDIDATES", "Jack Fields (R) Unopposed" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "Jack fields (r) unopposed were the candidates when Jack Fields was the incumbent." } ] }, { "tripleset": [ [ "Beau Boulter", "PARTY", "Republican" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "Beau Boulter represented republican." } ] }, { "tripleset": [ [ "Texas 21", "CANDIDATES", "Lamar S. Smith (R) 93.2% Jim Robinson ( L ) 6.8%" ], [ "Texas 21", "INCUMBENT", "Lamar S. Smith" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "Lamar s. smith (r) 93.2% jim robinson (l) 6.8% were the candidates when Lamar S. Smith was incumbent." } ] }, { "tripleset": [ [ "Illinois 13", "INCUMBENT", "Leo E. Allen" ], [ "Leo E. Allen", "PARTY", "Republican" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "Illinois 13 has a Republican elected." } ] }, { "tripleset": [ [ "escape", "DIRECTED_BY", "jean de segonzac" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "Jean de Segonzac directed the episode \"Escape\"." } ] }, { "tripleset": [ [ "Gary Megson", "MANNER_OF_DEPARTURE", "Mutual consent (hired by Bolton Wanderers)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "Gary Megson's manner of departure was mutual consent (hired by bolton wanderers)." } ] }, { "tripleset": [ [ "Paul Simpson", "POSITION_IN_TABLE", "21st" ], [ "Paul Simpson", "DATE_OF_APPOINTMENT", "20 November 2007" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "The new manager of the team on 21st position appointed was in 20 november 2007." } ] }, { "tripleset": [ [ "Ian Holloway", "DATE_OF_VACANCY", "21 November 2007" ], [ "Ian Holloway", "TEAM", "Plymouth Argyle" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "The old manager vacated his position on Plymouth Argyle in 21 november 2007." } ] }, { "tripleset": [ [ "Bryan Robson", "TEAM", "Sheffield United" ], [ "Bryan Robson", "REPLACED_BY", "Kevin Blackwell" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "Kevin blackwell came as a replacement in Sheffield United." } ] }, { "tripleset": [ [ "Michael Roberts", "POSITION", "CB" ], [ "35", "PLAYER", "Michael Roberts" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "The pick number of the player whose position is CB is 35." } ] }, { "tripleset": [ [ "Michael Roberts", "COLLEGE", "Ohio State" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "Michael Roberts went to Ohio State College." } ] }, { "tripleset": [ [ "Derek Armstrong", "COLLEGE", "St. Francis Xavier" ], [ "38", "CFL_TEAM", "Calgary Stampeders" ], [ "38", "PLAYER", "Derek Armstrong" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "The new team for the player from St. Francis Xavier College is the Calgary Stampeders." } ] }, { "tripleset": [ [ "41", "CFL_TEAM", "Montreal Alouettes" ], [ "41", "PLAYER", "Joel Wright" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "Joel Wright is on the Montreal Alouettes CFL team." } ] }, { "tripleset": [ [ "as it should be", "ORIGINAL_AIR_DATE", "june6,2010" ], [ "as it should be", "SETTING", "1544" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "The original air date of an episode set in 1544 was June 6,2010." } ] }, { "tripleset": [ [ "rebirth", "SEASON_#", "9" ], [ "rebirth", "ORIGINAL_AIR_DATE", "august16,2005" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "The original air date of the 9th episode in the season was August 16, 2005." } ] }, { "tripleset": [ [ "happy", "WRITTEN_BY", "denis leary, peter tolan and evan reilly" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "The title of an episode written by Denis Leary, Peter Tolan and Evan Reilly is \"Happy\"." } ] }, { "tripleset": [ [ " there's no place like home (part 1) ", "ORIGINAL_AIR_DATE", "may15,2008" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "The episode \"There's no Place Like Home\" aired on May 15, 2008." } ] }, { "tripleset": [ [ " the other woman ", "DIRECTED_BY", "eric laneuville" ], [ " the other woman ", "U.S._VIEWERS_(MILLION)", "12.90" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "Eric Laneuville directed an episode that received 12.90 million U.S. viewers." } ] }, { "tripleset": [ [ "David Wyatt", "AGE", "27" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "The candidate whose age is 27 is david wyatt." } ] }, { "tripleset": [ [ "Daniel Phillips", "BACKGROUND", "Advertising Account Manager" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "The background of the candidate daniel phillips is advertising account manager." } ] }, { "tripleset": [ [ "Tennessee 7", "INCUMBENT", "Edward Everett Eslick" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "Edward everett eslick represents tennessee 7." } ] }, { "tripleset": [ [ "die, jerk", "WRITER(S)", "daniel palladino" ], [ "die, jerk", "NUMBER", "8" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "Daniel palladino wrote the movie positioned at 8 on the list." } ] }, { "tripleset": [ [ "Illinois 17", "INCUMBENT", "Leslie C. Arends" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "Leslie c. arends was the incumbent in the Illinois 17 district." } ] }, { "tripleset": [ [ "Illinois 3", "INCUMBENT", "Fred E. Busbey" ], [ "Illinois 3", "CANDIDATES", "Fred E. Busbey (R) 54.5% Neil J. Linehan (D) 45.5%" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "The candidates for fred e. busbey is fred e. busbey (r) 54.5% neil j. linehan (d) 45.5%." } ] }, { "tripleset": [ [ "Leo E. Allen", "FIRST_ELECTED", "1932" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "The incumbent for 1932 is leo e. allen." } ] }, { "tripleset": [ [ "Chris Hutchings", "REPLACED_BY", "Steve Bruce" ], [ "Wigan Athletic", "OUTGOING_MANAGER", "Chris Hutchings" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "Steve Bruce was a replacement in the Wigan Athletic team." } ] }, { "tripleset": [ [ "Alex McLeish", "DATE_OF_APPOINTMENT", "28 November 2007" ], [ "Steve Bruce", "REPLACED_BY", "Alex McLeish" ], [ "Steve Bruce", "DATE_OF_VACANCY", "19 November 2007" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "The date of vacancy was 19 November 2007, where it was replaced by Alex McLeish, whose appointment was 28 November 2007." } ] }, { "tripleset": [ [ "Roy Hodgson", "DATE_OF_APPOINTMENT", "30 December 2007" ], [ "Lawrie Sanchez", "DATE_OF_VACANCY", "21 December 2007" ], [ "Lawrie Sanchez", "REPLACED_BY", "Roy Hodgson" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "The date of vacancy was 21 December 2007, and the date of appointment was 30 December 2007." } ] }, { "tripleset": [ [ "Sven-G\u00f6ran Eriksson", "DATE_OF_VACANCY", "2 June 2008" ], [ "Manchester City", "OUTGOING_MANAGER", "Sven-G\u00f6ran Eriksson" ], [ "Sven-G\u00f6ran Eriksson", "REPLACED_BY", "Mark Hughes" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "Manchester City had a vacancy on 2 June 2008, which was replaced by Mark Hughes." } ] }, { "tripleset": [ [ "Texas 10", "CANDIDATES", "James P. Buchanan (D) Unopposed" ], [ "Texas 10", "INCUMBENT", "James P. Buchanan" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "The name of the candidate where the incumbent is named James P. Buchanan is james p. buchanan (d) unopposed." } ] }, { "tripleset": [ [ "Oliver H. Cross", "PARTY", "Democratic" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "Incumbent Oliver H. Cross is democratic." } ] }, { "tripleset": [ [ "Texas 14", "RESULT", "Re-elected" ], [ "Texas 14", "INCUMBENT", "Richard M. Kleberg" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "During the election for Richard M. Kleberg re- elected." } ] }, { "tripleset": [ [ "bye bye video diary", "ORIGINAL_AIR_DATE", "june19,2011" ], [ "bye bye video diary", "PRODUCTION_CODE", "216" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "The original air date for the episode with production code 216 is june19,2011." } ] }, { "tripleset": [ [ "scary had a little lamb", "WRITTEN_BY", "phil baker & drew vaupen" ], [ "scary had a little lamb", "DIRECTED_BY", "shannon flynn" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "Shannon Flynn directed the episode written by phil baker & drew vaupen" } ] }, { "tripleset": [ [ "the break up", "SEASON_#", "12" ], [ "the break up", "U.S._VIEWERS_(MILLIONS)", "n/a" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "n/a millions U.S. viewers watched the 12th episode in the season" } ] }, { "tripleset": [ [ "rose-colored glasses", "U.S._VIEWERS_(MILLION)", "15.38" ], [ "rose-colored glasses", "DIRECTED_BY", "dan lerner" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "15.38 watched the episode directed by dan lerner." } ] }, { "tripleset": [ [ "bleeding heart", "PRODUCTION_CODE", "3x5362" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "The title of the episode with the production code 3x5362 is \"bleeding heart." } ] }, { "tripleset": [ [ "felonious monk", "ORIGINAL_AIR_DATE", "march7,2002" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "The original air date for the title \"Felonious Monk\" is March 7, 2002." } ] }, { "tripleset": [ [ "slaves of las vegas", "DIRECTED_BY", "peter markle" ], [ "slaves of las vegas", "WRITTEN_BY", "jerry stahl" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "The title of the episode directed by Peter Markle and written by Jerry Stahl is \"Slaves of Las Vegas\"." } ] }, { "tripleset": [ [ "Texas 4", "INCUMBENT", "Ray Roberts" ], [ "Texas 4", "RESULT", "Re-elected" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "The result when Ray Roberts was elected was re- elected." } ] }, { "tripleset": [ [ "Texas 5", "INCUMBENT", "Earle Cabell" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "Texas 5 elected incumbent Earle Cabell." } ] }, { "tripleset": [ [ "if i had a hammer", "DIRECTED_BY", "romeo tirone" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "Romeo tirone was the director of the episode called \"If I had a hammer\"." } ] }, { "tripleset": [ [ "torn between two lovers", "DIRECTED_BY", "gary menteer" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "Gary menteer directed \"Torn Between Two Lovers\"." } ] }, { "tripleset": [ [ "skip to my lieu", "SEASON_#", "23" ], [ "skip to my lieu", "WRITTEN_BY", "charlene seeger" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "Charlene seeger wrote season 23." } ] }, { "tripleset": [ [ "Texas 16", "RESULT", "Re-elected" ], [ "Texas 16", "CANDIDATES", "R. Ewing Thomason (D) Unopposed" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "The result of the election featuring r. ewing thomason (d) unopposed was re- elected." } ] }, { "tripleset": [ [ "Texas 18", "INCUMBENT", "Eugene Worley" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "Eugene worley from is texas 18." } ] }, { "tripleset": [ [ "Texas 2", "INCUMBENT", "Jack Brooks" ], [ "Texas 2", "CANDIDATES", "Jack Brooks (D) 62.7% John Greco (R) 37.3%" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "Jack brooks (d) 62.7% john greco (r) 37.3% ran in the race for Jack Brooks' seat." } ] }, { "tripleset": [ [ "take the deviled eggs...", "NUMBER", "6" ], [ "take the deviled eggs...", "WRITER(S)", "daniel palladino" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "Daniel palladino wrote episode 6 in season 3." } ] }, { "tripleset": [ [ "haunted leg", "NUMBER", "45" ], [ "haunted leg", "WRITER(S)", "amy sherman-palladino" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "Amy sherman - palladino wrote episode number 45." } ] }, { "tripleset": [ [ "lucky strike", "ORIGINAL_AIR_DATE", "february20,2003" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "The episode titled \"Lucky Strike\" aired for the first time on February 20, 2003." } ] }, { "tripleset": [ [ "one hit wonder", "WRITTEN_BY", "corey miller" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "Corey Miller was the writer of the episode titled \"One Hit Wonder\"." } ] }, { "tripleset": [ [ "crash and burn", "ORIGINAL_AIR_DATE", "march13,2003" ], [ "crash and burn", "NO._IN_SERIES", "63" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "Episode 63 in the series aired on March 13, 2003." } ] }, { "tripleset": [ [ "a whole lot to lose", "DIRECTED_BY", "di drew" ], [ "a whole lot to lose", "ORIGINAL_AIR_DATE", "10august1999" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "10 august, 1999 was the original air date for the episode titled A Whole Lot to Lose directed by di drew" } ] }, { "tripleset": [ [ "Illinois 12", "CANDIDATES", "Noah M. Mason (R) 61.0% Herbert J. Max (D) 39.0%" ], [ "Illinois 12", "INCUMBENT", "Noah M. Mason" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "Noah m. mason (r) 61.0% herbert j. max (d) 39.0% were the candidates when Noah M. Mason was incumbent." } ] }, { "tripleset": [ [ "Leo E. Allen", "FIRST_ELECTED", "1932" ], [ "Illinois 13", "INCUMBENT", "Leo E. Allen" ], [ "Illinois 13", "CANDIDATES", "Leo E. Allen (R) 70.0% Garett J. Schutt (D) 30.0%" ], [ "Leo E. Allen", "PARTY", "Republican" ], [ "Illinois 13", "RESULT", "Re-elected" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "Leo E. Allen was first elected in 1932.0." } ] }, { "tripleset": [ [ "Illinois 20", "CANDIDATES", "Sid Simpson (R) 55.6% Don Irving (D) 44.4%" ], [ "Illinois 20", "INCUMBENT", "Sid Simpson" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "Sid simpson (r) 55.6% don irving (d) 44.4% were the candidates when Sid Simpson was the incumbent." } ] }, { "tripleset": [ [ "survivor", "ORIGINAL_AIR_DATE", "october 23, 1996" ], [ "survivor", "WRITTEN_BY:", "barry m. schkolnick" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "Barry m. schkolnick are all writers of the episode with the original air date of October 23, 1996." } ] }, { "tripleset": [ [ "Pennsylvania 3", "CANDIDATES", "Robert Borski (D) 69% Charles Dougherty (R) 31%" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "Robert borski (d) 69% charles dougherty (r) 31% were the candidates in district Pennsylvania 3." } ] }, { "tripleset": [ [ "6-06", "INTERVIEW_SUBJECT", "Shepard Smith" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "Shepard Smith was interviewed on 6-06." } ] }, { "tripleset": [ [ "6-06", "20_QUESTIONS", "Jason Lee" ], [ "6-06", "CENTERFOLD_MODEL", "Stephanie Larimore" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "Stephanie Larimore was the centerfold model in the issue where Jason Lee answered 20 questions." } ] }, { "tripleset": [ [ "6-06", "COVER_MODEL", "Kara Monaco" ], [ "6-06", "INTERVIEW_SUBJECT", "Shepard Smith" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "In the issue with Kara Monaco on the cover, Shepard Smith was the interview subject." } ] }, { "tripleset": [ [ "Massachusetts 9", "INCUMBENT", "Joe Moakley" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "Joe Moakley is massachusetts." } ] }, { "tripleset": [ [ "louis floch", "NATIONALITY\u00b2", "france" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "The nationality of Louis Floch is French" } ] }, { "tripleset": [ [ "laurent fournier", "APPEARANCES\u00b9", "252" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "Laurent Fournier had 252 appearances" } ] }, { "tripleset": [ [ "Heather Williams", "RESULT", "Fired 2nd in Finale" ], [ "Heather Williams", "HOMETOWN", "Maylands, Western Australia" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "The result of the player from Maylands, Western Australia was fired 2nd in finale." } ] }, { "tripleset": [ [ "Heather Williams", "HOMETOWN", "Maylands, Western Australia" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "Heather Williams is from Maylands, Western Australia." } ] }, { "tripleset": [ [ "John van Yzerloo", "RESULT", "Fired in week 5" ], [ "John van Yzerloo", "BACKGROUND", "Unemployed" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "The background of the person fired in week 5 is unemployed." } ] }, { "tripleset": [ [ " the candidate ", "NO._IN_SERIES", "117" ], [ " the candidate ", "FEATURED_CHARACTER(S)", "jack & locke" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "In Episode 117, Jack and Locke were the featured characters." } ] }, { "tripleset": [ [ "Khokhan Sen", "MATCHES", "14" ], [ "Khokhan Sen", "INNINGS", "21" ], [ "Khokhan Sen", "RANK", "9" ], [ "Khokhan Sen", "CAUGHT", "20" ], [ "Khokhan Sen", "STUMPED", "11" ], [ "Khokhan Sen", "DISMISSALS", "31" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "The innings when caught was 20 was 21." } ] }, { "tripleset": [ [ "in which addison has a very casual get together", "DIRECTED_BY", "arvin brown" ], [ "in which addison has a very casual get together", "WRITTEN_BY", "andrea newman" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "An episode was directed by Arvin Brown and written by Andrea Newman." } ] }, { "tripleset": [ [ "in which sam gets taken for a ride", "WRITTEN_BY", "emily halpern" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "Emily Halpern wrote the episode \"In Which Sam Gets Taken for a Ride\"." } ] }, { "tripleset": [ [ "in which charlotte goes down the rabbit hole", "U.S._VIEWERS_(MILLIONS)", "11.21" ], [ "in which charlotte goes down the rabbit hole", "DIRECTED_BY", "david solomon" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "David Solomon was the director for the epsiode that had 11.21 million US viewers." } ] }, { "tripleset": [ [ "sad songs for dirty lovers", "PRODUCTION_CODE", "3t5764" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "The episode with production code of 3T5764 was titled \"Sad Songs for Dirty Lovers.\"" } ] }, { "tripleset": [ [ "ashes of dreams you let die", "PRODUCTION_CODE", "3t5769" ], [ "ashes of dreams you let die", "U.S._VIEWERS_(MILLIONS)", "2.06" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "2.06 million people watched the episode that had production code of 3T5769." } ] }, { "tripleset": [ [ "ashes of dreams you let die", "U.S._VIEWERS_(MILLIONS)", "2.06" ], [ "ashes of dreams you let die", "DIRECTED_BY", "michael lange" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "Michael Lange directed an episode that was viewed by 2.06 million U.S. people." } ] }, { "tripleset": [ [ "Virginia 3", "RESULT", "Re-elected" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "The result of the election in the Virginia 3 district was re- elected." } ] }, { "tripleset": [ [ "thierry morin", "POSITION", "defender" ], [ "[TABLECONTEXT]", "NAME", "thierry morin" ], [ "[TABLECONTEXT]", "[TITLE]", "Players" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "Thierry Morin was a defender for Paris Saint-Germain." } ] }, { "tripleset": [ [ "89", "WRITTEN_BY", "ken lazebnik" ], [ "89", "TITLE", "casualties" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "The title of the episode written by Ken Lazebnik was \"Casualties\"." } ] }, { "tripleset": [ [ "91", "DIRECTED_BY", "melanie mayron" ], [ "91", "U.S._VIEWERS_(MILLION)", "2.81" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "Melanie Mayron directed an episode that had 2.81 million U.S. viewers." } ] }, { "tripleset": [ [ "96", "U.S._VIEWERS_(MILLION)", "3.02" ], [ "96", "TITLE", "tough love" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "The name of the episode that had 3.02 million U.S. viewers was \"Tough Love\"." } ] }, { "tripleset": [ [ "82", "ORIGINAL_AIR_DATE", "march 4, 2012" ], [ "82", "TITLE", "winds of war" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "The original air date of the episode named \"Winds of War\" was March 4, 2012." } ] }, { "tripleset": [ [ "93", "U.S._VIEWERS_(MILLION)", "2.61" ], [ "93", "DIRECTED_BY", "john t. kretchmer" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "John T. Kretchmer directed an episode that had 2.61 million U.S. viewers." } ] }, { "tripleset": [ [ "Tennessee 6", "RESULT", "Re-elected" ] ], "subtree_was_extended": false, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "The result in the Tennessee 6 district election was re- elected." } ] }, { "tripleset": [ [ "Crystal Palace", "MANNER_OF_DEPARTURE", "Contract expired" ], [ "Crystal Palace", "INCOMING_MANAGER", "George Burley" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "The manner of departure for the team whose incoming manager was George Burley was contract expired." } ] }, { "tripleset": [ [ "Burnley", "OUTGOING_MANAGER", "Brian Laws" ], [ "Burnley", "POSITION_IN_TABLE", "9th" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "The table position for the team whose outgoing manager was Brian Laws was 9th." } ] }, { "tripleset": [ [ "Crystal Palace", "INCOMING_MANAGER", "Dougie Freedman" ], [ "Crystal Palace", "OUTGOING_MANAGER", "George Burley" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "George burley was the outgoing manager of the team whose incoming manager was Dougie Freedman." } ] }, { "tripleset": [ [ "Campbell Money", "REPLACED_BY", "John Coughlin" ], [ "John Coughlin", "DATE_OF_APPOINTMENT", "12 October 2007" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "The date of appointment after outgoing manager Campbell Money is 12 October 2007" } ] }, { "tripleset": [ [ "Jim McInally", "DATE_OF_APPOINTMENT", "13 March 2008" ], [ "Gordon Wylde", "REPLACED_BY", "Jim McInally" ], [ "Gordon Wylde", "MANNER_OF_DEPARTURE", "Resigned" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "Resigned is listed with an appointment date of 13 March 2008" } ] }, { "tripleset": [ [ "Virginia 1", "RESULT", "Re-elected" ], [ "S. Otis Bland", "FIRST_ELECTED", "1918" ], [ "Virginia 1", "INCUMBENT", "S. Otis Bland" ] ], "subtree_was_extended": true, "annotations": [ { "source": "WikiSQL_decl_sents", "text": "The election result for the candidate first elected in 1918 was re- elected." } ] }, { "tripleset": [ [ "Aaron S. Daggett", "AWARD", "Purple Heart" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Aaron S Daggett was awarded the Purple Heart." }, { "source": "webnlg", "text": "Aaron S. Daggett was awarded the Purple Heart." } ] }, { "tripleset": [ [ "Aaron S. Daggett", "BATTLES", "Battle of Mine Run" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Battle of Mine Run was one fought by Aaron S Daggett." }, { "source": "webnlg", "text": "Aaron S. Daggett fought in the Battle of Mine Run." }, { "source": "webnlg", "text": "The Battle of Mine Run was one of the battles that Aaron S. Daggett fought at." } ] }, { "tripleset": [ [ "Ab Klink", "BIRTH_PLACE", "\"Stellendam, Netherlands\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Stellendam, Netherlands is the birthplace of Ab Klink." }, { "source": "webnlg", "text": "Ab Klink was born in Stellendam, Netherlands." } ] }, { "tripleset": [ [ "Abdul Rahman Ya'kub", "IN_OFFICE_WHILE_VICE_PRESIDENT", "Tuanku Bujang Tuanku Othman" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Abdul Rahman Ya'kub was in office while Tuanku Bujang Tuanku Othman was Vice President." }, { "source": "webnlg", "text": "Abdul Rahman Ya'kub was in office whilst Tuanku Bujang Tuanku Othman was Vice President." } ] }, { "tripleset": [ [ "Abdul Taib Mahmud", "PARTY", "\"Parti Bumiputera Sarawak\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Abdul Taib Mahmud belongs to the party of Parti Bumiputera Sarawak." }, { "source": "webnlg", "text": "Abdul Taib Mahmud is a member of the Parti Bumiputera Sarawak Party." } ] }, { "tripleset": [ [ "Abdul Taib Mahmud", "SUCCESSOR", "Sulaiman Abdul Rahman Taib" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Abdul Taib Mahmud's successor was Sulaiman Abdul Rahman Taib." }, { "source": "webnlg", "text": "Abdul Taib Mahmud was succeded by Sulaiman Abdul Rahman Taib." }, { "source": "webnlg", "text": "The sucessor to Abdul Taib Mahmud was Sulaiman Abdul Rahman Taib." } ] }, { "tripleset": [ [ "Abdulsalami Abubakar", "ACTIVE_YEARS_END_DATE", "1999-05-29" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Abdulsalami Abubakar ended his career on 1999-05-29." } ] }, { "tripleset": [ [ "Abdulsalami Abubakar", "BIRTH_PLACE", "Minna" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Abdulsalami Abubakar was born in Minna." }, { "source": "webnlg", "text": "Minna was the birthplace of Abdulsalami Abubakar." } ] }, { "tripleset": [ [ "Abdulsalami Abubakar", "BIRTH_PLACE", "Niger State" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Abdulsalami Abubakar's birthplace was Niger State." }, { "source": "webnlg", "text": "Abdulsalami Abubakar was born in Niger State." } ] }, { "tripleset": [ [ "Abner W. Sibal", "ACTIVE_YEARS_END_DATE", "1965-01-03" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Abner W. Sibal ended his military career January 3, 1965." } ] }, { "tripleset": [ [ "Abner W. Sibal", "DEATH_PLACE", "Alexandria, Virginia" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Abner W Sibal died in Alexandria, Virginia." }, { "source": "webnlg", "text": "Abner W. Sibal died in Alexandria, Virginia." }, { "source": "webnlg", "text": "Abner W Sibal died in Alexandria, Virginia." } ] }, { "tripleset": [ [ "Adam Holloway", "BIRTH_PLACE", "Kent" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Adam Holloway was born in Kent." } ] }, { "tripleset": [ [ "Adam Holloway", "RESIDENCE", "Gravesend" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Adam Holloway's residence is Gravesend." }, { "source": "webnlg", "text": "Adam Holloway resided in Gravesend." }, { "source": "webnlg", "text": "Adam Holloway lives in Gravesend." } ] }, { "tripleset": [ [ "Adenan Satem", "ALMA_MATER", "University of Adelaide" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The alma mater of Adenan Satem is the University of Adelaide." }, { "source": "webnlg", "text": "Adenan Satem's alma mater is the University of Adelaide." } ] }, { "tripleset": [ [ "Adolf Sch\u00e4rf", "BIRTH_PLACE", "Mikulov" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Adolf Sch\u00e4rf's place of birth was Mikulov." }, { "source": "webnlg", "text": "Adolf Sch\u00e4rf was born in Mikulov." }, { "source": "webnlg", "text": "Adolf Scharf was born in Mikulov." } ] }, { "tripleset": [ [ "Adonis Georgiadis", "IN_OFFICE_WHILE_PRIME_MINISTER", "Antonis Samaras" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Adonis Georgiadis was in office while Antonis Samaras was Prime Minister." }, { "source": "webnlg", "text": "Adonis Georgiadis was in office under Antonis Samaras, Prime Minister." }, { "source": "webnlg", "text": "Adonis Georgiadis served in office while Antonis Samaras was Prime Minister." } ] }, { "tripleset": [ [ "Adonis Georgiadis", "OFFICE_(WORKED_AT,_WORKED_AS)", "\"Deputy Minister for Development, Competitiveness and Shipping\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Adonis Georgiadis worked as Deputy Minister for Development, Competitiveness and Shipping." }, { "source": "webnlg", "text": "Adonis Georgiadis was the Deputy Minister for Development, Competitiveness and Shipping." }, { "source": "webnlg", "text": "Adonis Georgiadis worked as the Deputy Minister for Development, Competitiveness and Shipping." } ] }, { "tripleset": [ [ "Agnes Kant", "BIRTH_PLACE", "Hessisch Oldendorf" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Agnes Kant was born in Hessisch Oldendorf." } ] }, { "tripleset": [ [ "Agnes Ward White", "BIRTH_PLACE", "Marietta, Ohio" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Marietta, Ohio was the birthplace of Agnes Ward White." }, { "source": "webnlg", "text": "Agnes Ward White was born in Marietta, Ohio." }, { "source": "webnlg", "text": "The birthplace of Agnes Ward White is Marietta, Ohio." } ] }, { "tripleset": [ [ "Airey Neave", "ACTIVE_YEARS_START_DATE", "1953-06-30" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Airey Neave started his career on 30th June 1953." } ] }, { "tripleset": [ [ "Airey Neave", "AWARD", "Military Cross" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Airey Neave was awarded the Military Cross." } ] }, { "tripleset": [ [ "Airey Neave", "BIRTH_PLACE", "\"Knightsbridge, London\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Knightsbridge, London is the birthplace of Airey Neave." }, { "source": "webnlg", "text": "Airey Neave was born in Knightsbridge, London." } ] }, { "tripleset": [ [ "Airey Neave", "MILITARY_RANK", "Lieutenant colonel" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Airey Neave's military rank is Lieutenant Colonel." }, { "source": "webnlg", "text": "Airey Neave was a Lieutenant Colonel." } ] }, { "tripleset": [ [ "Airey Neave", "SERVICE_START_YEAR", "1935" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Airey Neave began his military career in 1935." }, { "source": "webnlg", "text": "Airey Neave started serving in military in 1935." }, { "source": "webnlg", "text": "Airey Neave began his service in 1935." } ] }, { "tripleset": [ [ "Albert B. White", "PARTY", "Republican Party (United States)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Albert B.White is a member of the Republican Party of the United States." }, { "source": "webnlg", "text": "Albert B. White is a member of the Republican Party in the United States." }, { "source": "webnlg", "text": "Albert B White is a member of the Republican Party in the United States." } ] }, { "tripleset": [ [ "Albert B. White", "SPOUSE", "Agnes Ward White" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The spouse of Albert B. White was Agnes Ward White." }, { "source": "webnlg", "text": "Albert B. White is married to Agnes Ward White." }, { "source": "webnlg", "text": "Agnes Ward White was the wife of Albert B. White." } ] }, { "tripleset": [ [ "Albert Jennings Fountain", "MILITARY_BRANCH", "Union Army" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Albert Jennings Fountain served in the Union Army." }, { "source": "webnlg", "text": "Albert Jennings Fountain was a member of the Union Army." } ] }, { "tripleset": [ [ "Alberto Teisaire", "NATIONALITY", "Argentina" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alberto Teisaire's nationality is Argentinian." }, { "source": "webnlg", "text": "Alberto Teisaire is Argentinian." }, { "source": "webnlg", "text": "Alberto Teisaire was Argentinian." } ] }, { "tripleset": [ [ "Alberto Teisaire", "PROFESSION", "\"Rear Admiral in the Argentine Navy\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alberto Teisaire was a Rear Admiral in the Argentine Navy." }, { "source": "webnlg", "text": "Alberto Teisaire was Rear Admiral in the Argentine Navy." } ] }, { "tripleset": [ [ "Alfons Gorbach", "DEATH_PLACE", "Austria" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alfons Gorbach's place of death was in Austria." }, { "source": "webnlg", "text": "Alfons Gorbach died in Austria." } ] }, { "tripleset": [ [ "Alfred Moore Scales", "ACTIVE_YEARS_START_DATE", "1875-03-04" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alfred Moore Scales started his career on 1875-03-04." } ] }, { "tripleset": [ [ "Alfred Moore Scales", "BATTLES", "Battle of Chancellorsville" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alfred Moore Scales took part in the Battle of Chancellorsville." }, { "source": "webnlg", "text": "Alfred Moore Scales fought in the Battle of Chancellorsville." }, { "source": "webnlg", "text": "Alfred Moore Scales was involved in the Battle of Chancellorsville." } ] }, { "tripleset": [ [ "Alfred N. Phillips", "BIRTH_PLACE", "Darien, Connecticut" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Darien, Connecticut is the birthplace of Alfred N. Phillips." }, { "source": "webnlg", "text": "Alfred N. Phillips place of birth was Darien Connecticut." }, { "source": "webnlg", "text": "Alfred N. Phillips was born in Darien, Connecticut." } ] }, { "tripleset": [ [ "Alfred N. Phillips", "OFFICE_(WORKED_AT,_WORKED_AS)", "Mayor of Stamford, Connecticut" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alfred N Phillips was Mayor of Stamford, Connecticut." }, { "source": "webnlg", "text": "Alfred N. Phillips was the Mayor of Stamford Connecticut." }, { "source": "webnlg", "text": "Alfred N. Phillips was Mayor of Stamford, Connecticut." } ] }, { "tripleset": [ [ "Allan Shivers", "ACTIVE_YEARS_START_DATE", "1947-01-21" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Allan Shivers started his career from January 21, 1947." } ] }, { "tripleset": [ [ "Allan Shivers", "MILITARY_BRANCH", "United States Army" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Allan Shivers served in the United States Army." } ] }, { "tripleset": [ [ "Allan Shivers", "SUCCESSOR", "Price Daniel" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Allan Shivers had the successor Price Daniel." }, { "source": "webnlg", "text": "Allan Shivers was succeeded by Price Daniel." } ] }, { "tripleset": [ [ "Alvah Sabin", "ACTIVE_YEARS_START_DATE", "1853-03-04" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alvah Sabin was an active politician beginning March 4, 1853." }, { "source": "webnlg", "text": "Alvah Sabin started active service on 1853-03-04." } ] }, { "tripleset": [ [ "Alvah Sabin", "PARTY", "Whig Party (United States)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alvah Sabin was a member of the United States Whig Party." }, { "source": "webnlg", "text": "Alvah Sabin belongs to the Whig Party (United States)." }, { "source": "webnlg", "text": "Alvah Sabin was a member of the Whig Party of the United States." } ] }, { "tripleset": [ [ "American Civil War", "COMMANDER", "Robert E. Lee" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Robert E Lee was a commander in the American Civil War." }, { "source": "webnlg", "text": "Robert E. Lee was a commander in the American Civil War." }, { "source": "webnlg", "text": "A commander in the American Civil War was Robert E. Lee." } ] }, { "tripleset": [ [ "Austria", "LANGUAGE", "Austrian German" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "In Austria, the language is Austrian German." }, { "source": "webnlg", "text": "The language in Austria is Austrian German." }, { "source": "webnlg", "text": "The spoken language of Austria is Austrian German." } ] }, { "tripleset": [ [ "Battle of Antietam", "COMMANDER", "Robert E. Lee" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Robert E Lee was commander in the Battle of Antietam." }, { "source": "webnlg", "text": "Robert E. Lee was a commander in the Battle of Antietam." }, { "source": "webnlg", "text": "A commander at the Battle of Antietam was Robert. E. Lee." } ] }, { "tripleset": [ [ "Battle of Cold Harbor", "IS_PART_OF_MILITARY_CONFLICT", "American Civil War" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Battle of Cold Harbor took place during the American Civil War." } ] }, { "tripleset": [ [ "Buenos Aires", "LEADER_NAME", "Gabriela Michetti" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Gabriela Michetti is a leader in Buenos Aires." }, { "source": "webnlg", "text": "The leader of Buenos Aires is called Gabriela Michetti." }, { "source": "webnlg", "text": "The leader of Buenos Aires is Gabriela Michetti." } ] }, { "tripleset": [ [ "Gulf War", "COMMANDER", "Colin Powell" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Colin Powell was a commander in the Gulf War." }, { "source": "webnlg", "text": "Colin Powell was the commander in the Gulf War." } ] }, { "tripleset": [ [ "John F. Kennedy", "PREDECESSOR", "Dwight D. Eisenhower" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Dwight D. Eisenhower was the predecessor to John F. Kennedy." }, { "source": "webnlg", "text": "Dwight D. Eisenhower preceded John F. Kennedy as President." }, { "source": "webnlg", "text": "John F. Kennedy's predecessor was Dwight D. Eisenhower." } ] }, { "tripleset": [ [ "Josef Klaus", "ALMA_MATER", "University of Vienna" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The University of Vienna is the Alma mater of Josef Klaus." }, { "source": "webnlg", "text": "Josef Klaus alma mater is the University of Vienna." }, { "source": "webnlg", "text": "The alma mater of Josef Klaus is the University of Vienna." } ] }, { "tripleset": [ [ "Juan Carlos I of Spain", "PREDECESSOR", "Francisco Franco" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Francisco Franco was the predecessor of Juan Carlos I of Spain." }, { "source": "webnlg", "text": "The predecessor of Juan Carlos I f Spain was Francisco Franco." } ] }, { "tripleset": [ [ "Juan Per\u00f3n", "PARTY", "Labour Party (Argentina)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Juan Per\u00f3n was a member of the Labour Party in Argentina." }, { "source": "webnlg", "text": "Juan Peron belongs to the Labour Party in Argentina." } ] }, { "tripleset": [ [ "Netherlands", "LEADER_NAME", "Mark Rutte" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The leader of the Netherlands is Mark Rutte." } ] }, { "tripleset": [ [ "United States Army", "BATTLES", "Spanish\u2013American War" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The United States Army was involved in battles in the Spanish-American War." } ] }, { "tripleset": [ [ "William M. O. Dawson", "BIRTH_PLACE", "Bloomington, Maryland" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The birthplace of William M. O. Dawson was Bloomington Maryland." }, { "source": "webnlg", "text": "Bloomington, Maryland was the birthplace of William M O Dawson." }, { "source": "webnlg", "text": "William M.O. Dawson was born in Bloomington, Maryland." } ] }, { "tripleset": [ [ "1955 Dodge", "ALTERNATIVE_NAME", "\"Dodge Coronet\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Dodge Coronet is the alternative name for the 1955 Dodge." }, { "source": "webnlg", "text": "The 1955 Dodge is also named the Dodge Coronet." } ] }, { "tripleset": [ [ "1955 Dodge", "ENGINE", "230 (cubic inches)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The 1955 Dodge engine is 230 cubic inches." }, { "source": "webnlg", "text": "The size of the engine in the 1955 Dodge is 230 cubic inches." }, { "source": "webnlg", "text": "The 1955 Dodge has an engine size of 230 cubic inches." } ] }, { "tripleset": [ [ "A-Rosa Luna", "CHRISTENING_DATE", "2005-04-07" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The A-Rosa Luna was christened on the 7th of April 2005." }, { "source": "webnlg", "text": "The A-Rosa Luna was \"christened\" on the 7th April 2005." }, { "source": "webnlg", "text": "The A-Rosa Luna was christened on 7th April 2005." } ] }, { "tripleset": [ [ "AIDA Cruises", "LOCATION", "Rostock" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The location of AIDA Cruises is Rostock." }, { "source": "webnlg", "text": "AIDA Cruises are located at Rostock." }, { "source": "webnlg", "text": "AIDA Cruises is based in Rostock." } ] }, { "tripleset": [ [ "AIDAluna", "OPERATOR", "AIDA Cruises" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "AIDA Cruises is the operator of the AIDAluna." }, { "source": "webnlg", "text": "The AIDAluna is operated by AIDA Cruises." }, { "source": "webnlg", "text": "AIDA Cruises are the operator of the ship AIDAluna." } ] }, { "tripleset": [ [ "AIDAstella", "CHRISTENING_DATE", "2013-03-16" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The AIDAstella was christened on the 16th of March, 2013." }, { "source": "webnlg", "text": "The AIDAstella was christened in March 16 2013." }, { "source": "webnlg", "text": "The christening date of AIDAstella is 2013-03-16." } ] }, { "tripleset": [ [ "AIDAstella", "COMPLETION_DATE", "2013-03-11" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The AIDAstella was completed on March 11th 2013." }, { "source": "webnlg", "text": "The AIDAstella was completed on the 11th March 2013." }, { "source": "webnlg", "text": "AIDAstella was completed on March 11th 2013." } ] }, { "tripleset": [ [ "AIDAstella", "MAIDEN_VOYAGE", "2013-03-17" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The AIDAstella had its maiden voyage on March 17, 2013." }, { "source": "webnlg", "text": "The ship AIDAstella had her maiden voyage on March 17th 2013." }, { "source": "webnlg", "text": "The AIDAstella had its maiden voyage on the 17th of March 2013." }, { "source": "webnlg", "text": "The AIDAstella ship's first journey took place on 17/03/2013." }, { "source": "webnlg", "text": "The ship AIDAstella had her maiden voyage on March 17th 2003." } ] }, { "tripleset": [ [ "AIDAstella", "OPERATOR", "AIDA Cruises" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The ship AIDAstella is operated by AIDA Cruises." }, { "source": "webnlg", "text": "The operator of AIDAstella is AIDA Cruises." }, { "source": "webnlg", "text": "The AIDAstella is operated by AIDA Cruise Line." } ] }, { "tripleset": [ [ "ALV X-1", "LAUNCH_SITE", "Mid-Atlantic Regional Spaceport" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The launch site of ALV X-1 was Mid Atlantic Regional Spaceport." }, { "source": "webnlg", "text": "The launch site of the ALV X-1 was the Mid-Atlantic Regional Spaceport." } ] }, { "tripleset": [ [ "AMC Matador", "ALTERNATIVE_NAME", "\"American Motors Matador\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The AMC Matador is also known as American Motors Matador." }, { "source": "webnlg", "text": "AMC Matador is also known as American Motors Matador." }, { "source": "webnlg", "text": "The AMC Matador is alternatively known as the American Motors Matador." } ] }, { "tripleset": [ [ "ARA Veinticinco de Mayo (V-2)", "STATUS", "\"Sold to the Netherlands 1 April 1948\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The ARA Veinticinco de Mayo (V-2) was sold to the Netherlands on the 1st of April 1948." }, { "source": "webnlg", "text": "The ARA Veinticinco de Mayo (V-2) was sold to the Netherlands on 01/04/1948." }, { "source": "webnlg", "text": "The ARA Veinticinco de Mayo (V-2) was sold to the Netherlands 1 April 1948." } ] }, { "tripleset": [ [ "Abarth 1000 GT Coup\u00e9", "ENGINE", "Straight-four engine" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Abarth 1000 GT Coup\u00e9 has a straight-four engine." }, { "source": "webnlg", "text": "The Abarth 1000 GT Coupe has the straight four engine." }, { "source": "webnlg", "text": "The Abarth 1000 GT Coup\u00e9 has a straight-four engine." } ] }, { "tripleset": [ [ "Acura TLX", "ENGINE", "Honda K engine" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Acura TLX has a Honda K engine." } ] }, { "tripleset": [ [ "Acura TLX", "LAYOUT", "AWD (vehicle)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Acura TLX has an AWD vehicle layout." } ] }, { "tripleset": [ [ "Acura TLX", "RELATED_MEAN_OF_TRANSPORTATION", "Honda Accord" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Acura TLX is related to the Honda Accord." } ] }, { "tripleset": [ [ "Acura TLX", "TRANSMISSION", "\"9-speed ZF 9HP automatic (V6)\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The transmission of the Acura TLX is a 9-speed ZF 9HP automatic (V6)." }, { "source": "webnlg", "text": "The Acura TLX has a 9-speed ZF 9HP automatic (V6) transmission." } ] }, { "tripleset": [ [ "Alfa Romeo 164", "ASSEMBLY", "Arese" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Alfa Romeo 164 was assembled in Arese." } ] }, { "tripleset": [ [ "Alfa Romeo 164", "RELATED_MEAN_OF_TRANSPORTATION", "Lancia Thema" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alfa Romeo 164 and Lancia Thema are related types of transportation." }, { "source": "webnlg", "text": "The related transport to the Alfa Romeo 164 is the Lancia Thema." } ] }, { "tripleset": [ [ "Alfa Romeo 164", "TRANSMISSION", "\"4-speed automatic (ZF 4HP18QE)\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Alfa Romeo 164 has a 4-speed automatic (ZF 4HP18QE) transmission." } ] }, { "tripleset": [ [ "Alhambra", "BUILDER", "Samuda Brothers" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Alhambra was built by the Samuda Brothers." }, { "source": "webnlg", "text": "The Samuda Brothers built the Alhambra." } ] }, { "tripleset": [ [ "Alhambra", "SHIP_BEAM", "8.3 m" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Alhambra ship beam is 8.3m." }, { "source": "webnlg", "text": "The Alhambra has a ship beam of 8.3m." }, { "source": "webnlg", "text": "The Alhambra has an 8.3m ship beam." } ] }, { "tripleset": [ [ "Alhambra", "STATUS", "\"Wrecked\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Alhambra had wrecked." } ] }, { "tripleset": [ [ "Alhambra", "TOP_SPEED", "18.52" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Alhambra had a top speed of 18.52 km/h." }, { "source": "webnlg", "text": "The Alhambra has a top speed of 18.52." }, { "source": "webnlg", "text": "The top speed of the Alhambra is 18.52." } ] }, { "tripleset": [ [ "Alvis Speed 25", "ENGINE", "Straight-six engine" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alvis Speed 25 has a straight-six engine." } ] }, { "tripleset": [ [ "Alvis Speed 25", "MODEL_START_YEAR", "1937" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Production, of the Alvis Speed 25, began in 1937." }, { "source": "webnlg", "text": "The Alvis Speed 25 was first manufactured in 1937." } ] }, { "tripleset": [ [ "American submarine NR-1", "SHIP_DRAFT", "4.6 m" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The American submarine NR-1 has a ship draft of 4.6m." }, { "source": "webnlg", "text": "The American submarine NR-1 has a ship draft of 4.6 metres." }, { "source": "webnlg", "text": "The American sub NR-1 has a draft of 4.6 m." } ] }, { "tripleset": [ [ "Antares (rocket)", "FINAL_FLIGHT", "2014-10-28" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Antares rocket's final flight was on the 28th October 2014." }, { "source": "webnlg", "text": "The final flight of the Antares rocket was on 2014-10-28." } ] }, { "tripleset": [ [ "Antares (rocket)", "LAUNCH_SITE", "Mid-Atlantic Regional Spaceport Launch Pad 0" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Antares rocket was launched at the Mid-Atlantic Regional Spaceport Launch Pad 0." }, { "source": "webnlg", "text": "The launch site of the Antares rocket was the Mid-Atlantic Regional Spaceport Launch Pad 0." }, { "source": "webnlg", "text": "The launch site of the rocket Antares was the Mid-Atlantic Regional Spaceport Launch Pad 0." } ] }, { "tripleset": [ [ "Argentina", "LEADER_NAME", "Gabriela Michetti" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Gabriela Michetti is the leader of Argentina." } ] }, { "tripleset": [ [ "Ariane 5", "LAUNCH_SITE", "Guiana Space Centre" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Guiana Space Centre was the launch site of the Ariane 5." }, { "source": "webnlg", "text": "The Ariane 5 was launched from the Guiana Space Centre." }, { "source": "webnlg", "text": "Ariane 5 was launched from the Guiana Space Centre." } ] }, { "tripleset": [ [ "Ariane 5", "MAIDEN_FLIGHT", "2005-08-11" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Ariane 5 had its first voyage August 11, 2005." }, { "source": "webnlg", "text": "Ariane 5 had its maiden flight on August 11th 2005." } ] }, { "tripleset": [ [ "Aston Martin V8", "BODY_STYLE", "Convertible" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Aston Martin V8 is a convertible." } ] }, { "tripleset": [ [ "Aston Martin V8", "MANUFACTURER", "Aston Martin" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The manufacturer of the Aston Martin V8 is the Aston Martin." }, { "source": "webnlg", "text": "The Aston Martin made the Aston Martin V8." }, { "source": "webnlg", "text": "The Aston Martin V8 was manufactured by Aston Martin." } ] }, { "tripleset": [ [ "Aston Martin Virage", "MANUFACTURER", "Aston Martin" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Aston Martin Virage is made by the company Aston Martin." }, { "source": "webnlg", "text": "Aston Martin are the manufacturers of the Aston Martin Virage." }, { "source": "webnlg", "text": "The Aston Martin Virage is manufactured by Aston Martin." } ] }, { "tripleset": [ [ "Atlas II", "FINAL_FLIGHT", "1998-03-16" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Atlas II had its final flight on March 16th 1998." }, { "source": "webnlg", "text": "The final flight of Atlas II was on 1998-03-16." }, { "source": "webnlg", "text": "The final flight of the Atlas II was on the 16th March 1998." } ] }, { "tripleset": [ [ "Atlas II", "LAUNCH_SITE", "Vandenberg Air Force Base" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Atlas II was launched from Vandenberg Air Force Base." }, { "source": "webnlg", "text": "The Atlas II was launched from Vandenberg Air Force Base." } ] }, { "tripleset": [ [ "Audi", "FOUNDED_BY", "August Horch" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Audi was founded by August Horch." }, { "source": "webnlg", "text": "August Horch founded Audi." }, { "source": "webnlg", "text": "The company Audi was founded by August Horch." } ] }, { "tripleset": [ [ "Audi A1", "ASSEMBLY", "Audi Brussels" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Audi A1 is assembled by Audi Brussels." }, { "source": "webnlg", "text": "The Audi A1 is assembled at Audi Brussels." } ] }, { "tripleset": [ [ "Audi A1", "RELATED_MEAN_OF_TRANSPORTATION", "SEAT Ibiza" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Seat Ibiza and the Audi A1 are both cars and therefore a related means of transportation." }, { "source": "webnlg", "text": "The Audi A1 and the Seat Ibiza are similar means of transport." } ] }, { "tripleset": [ [ "Caterpillar Inc.", "LOCATION", "Peoria, Illinois" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Caterpillar Inc. is located in Peoria, Illinois." }, { "source": "webnlg", "text": "Caterpillar Inc. is in Peoria, Illinois." } ] }, { "tripleset": [ [ "Costa Crociere", "LOCATION", "Genoa" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Costa Crociere is located in Genoa." }, { "source": "webnlg", "text": "Costa Crociere is in Genoa." } ] }, { "tripleset": [ [ "DeSoto Custom", "RELATED_MEAN_OF_TRANSPORTATION", "Chrysler Newport" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The DeSoto Custom and Chrysler Newport are related types of transport." }, { "source": "webnlg", "text": "DeSoto Custom is a related means of transport to Chrysler Newport." }, { "source": "webnlg", "text": "The DeSoto Custom is related to the Chrysler Newport." } ] }, { "tripleset": [ [ "Fiat Croma", "RELATED_MEAN_OF_TRANSPORTATION", "Alfa Romeo 164" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Fiat Croma is related to the Alfa Romeo 164." } ] }, { "tripleset": [ [ "Germany", "DEMONYM", "Germans" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Germans are the people of Germany." }, { "source": "webnlg", "text": "Germans is the demonym for people who live in Germany." } ] }, { "tripleset": [ [ "Germany", "LEADER_NAME", "Norbert Lammert" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Norbert Lammert is a leader in Germany." }, { "source": "webnlg", "text": "The leader of Germany is Norbert Lammert." }, { "source": "webnlg", "text": "Germany has a leader named Norbert Lammert." } ] }, { "tripleset": [ [ "Germany", "LEADER_NAME", "Stanislaw Tillich" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The leader of Germany is Stanislaw Tillich." }, { "source": "webnlg", "text": "Stanislaw Tillich is a leader of Germany." } ] }, { "tripleset": [ [ "Gruppo Bertone", "FOUNDED_BY", "Giovanni Bertone" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Gruppo Bertone was founded by Giovanni Bertone." } ] }, { "tripleset": [ [ "Guiana Space Centre", "HEADQUARTER", "Kourou, French Guiana" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Guiana Space Centre has its headquarters at Kourou in French Guiana." }, { "source": "webnlg", "text": "The Guiana Space Centre's headquarters are located in Kourou, French Guiana." }, { "source": "webnlg", "text": "The headquarters of the Guiana Space Centre is in Kourou, French Guiana." } ] }, { "tripleset": [ [ "Honda K engine", "MANUFACTURER", "Honda" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The manufacturer of the Honda K engine is Honda." }, { "source": "webnlg", "text": "Honda are the makers of the Honda K engine." }, { "source": "webnlg", "text": "The Honda K engine was manufactured by Honda." } ] }, { "tripleset": [ [ "United States", "ANTHEM", "The Star-Spangled Banner" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Star Spangled Banner is the national anthem of the united States." }, { "source": "webnlg", "text": "The anthem of the United States is the Star Spangled Banner." }, { "source": "webnlg", "text": "The Star Spangled Banner is the U.S. anthem." } ] }, { "tripleset": [ [ "United States", "ETHNIC_GROUP", "Native Americans in the United States" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Native Americans are on of the ethnic groups in the United States." }, { "source": "webnlg", "text": "The United States has an ethnic group called Native Americans." }, { "source": "webnlg", "text": "Native Americans are an ethnic group in the U.S." } ] }, { "tripleset": [ [ "A.C. Milan", "CHAIRMAN", "Silvio Berlusconi" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Chairman of A C Milan is Silvio Berlusconi." }, { "source": "webnlg", "text": "Silvio Berlusconi is the chiarman of A.C. Milan." } ] }, { "tripleset": [ [ "Aaron Boogaard", "BIRTH_PLACE", "Canada" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Aaron Boogaard's birthplace is Canada." }, { "source": "webnlg", "text": "Aaron Boogaard was born in Canada." } ] }, { "tripleset": [ [ "Aaron Hunt", "CLUB", "SV Werder Bremen" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Aaron Hunt played for the club SV Werder Bremen." }, { "source": "webnlg", "text": "Aaron Hunt plays for SV Werder Bremen." }, { "source": "webnlg", "text": "Aaron Hunt played for SV Werder Bremen." } ] }, { "tripleset": [ [ "Abel Hern\u00e1ndez", "CLUB", "Uruguay Olympic football team" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Abel Hernandez is in the Uruguay Olympic football team." }, { "source": "webnlg", "text": "Abel Hernandez played for the Uruguay Olympic football team." }, { "source": "webnlg", "text": "Abel Hern\u00e1ndez plays for the Uruguay Olympic football team." } ] }, { "tripleset": [ [ "Abel Hern\u00e1ndez", "CLUB", "Uruguay national football team" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Abel Hernandez's club is the Uruguay National football team." }, { "source": "webnlg", "text": "Abel Hernandez plays for the Uruguay national football team." } ] }, { "tripleset": [ [ "Abner (footballer)", "BIRTH_PLACE", "Brazil" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The footballer Abner was born in Brazil." }, { "source": "webnlg", "text": "Abner (a footballer) was born in Brazil." }, { "source": "webnlg", "text": "Football player, Abner, was born in Brazil." } ] }, { "tripleset": [ [ "Adam Maher", "BIRTH_PLACE", "Diemen" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Adam Maher's birthplace is Diemen." }, { "source": "webnlg", "text": "Diemen is the birth place of Adam Maher." }, { "source": "webnlg", "text": "Adam Maher was born in Diemen." } ] }, { "tripleset": [ [ "Adam Maher", "BIRTH_PLACE", "Netherlands" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Adam Maher was born in the Netherlands." } ] }, { "tripleset": [ [ "Adam Maher", "CLUB", "Netherlands national under-17 football team" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Adam Maher played for the Netherlands national under-17 football team." }, { "source": "webnlg", "text": "Adam Maher plays for the Netherlands National club for players under 17." } ] }, { "tripleset": [ [ "Adam Maher", "CLUB", "PSV Eindhoven" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Adam Maher's club is PSV Eindhoven." } ] }, { "tripleset": [ [ "Ahmad Kadhim Assad", "CLUB", "Iraq national football team" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Ahmad Kadhim Assad plays for the Iraq national football team." }, { "source": "webnlg", "text": "Ahmad Kadhim Assad represented the Iraq national football team." }, { "source": "webnlg", "text": "Ahmad Kadhim plays for the Iraqi national football team." } ] }, { "tripleset": [ [ "Akeem Adams", "BIRTH_PLACE", "Point Fortin" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Akeem Adams was born in Point Fortin." }, { "source": "webnlg", "text": "Akeem Adams' birthplace is Point Fortin." } ] }, { "tripleset": [ [ "Akeem Dent", "FORMER_TEAM", "Atlanta Falcons" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Akeem Dent's former team is the Atlanta Falcons." }, { "source": "webnlg", "text": "Akeem Dent used to play for the Atlanta Falcons." } ] }, { "tripleset": [ [ "Akeem Priestley", "CLUB", "Connecticut Huskies" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Akeem Priestley's club is the Connecticut Huskies." }, { "source": "webnlg", "text": "Akeem Priestley plays for the Connecticut Huskies." } ] }, { "tripleset": [ [ "Al-Khor Sports Club", "LEAGUE", "Qatar Stars League" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Al-Khor Sports Club is in the Qatar Stars League." }, { "source": "webnlg", "text": "Al-Khor Sports Club play in the Qatar Stars League." } ] }, { "tripleset": [ [ "Al-Zawra'a SC", "MANAGER", "Basim Qasim" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Basim Qasim is the manager of Al-Zawra'a SC." }, { "source": "webnlg", "text": "Basim Qasim manages Al-Zawra'a SC." }, { "source": "webnlg", "text": "The manager of Al-Zawra'a SC is Basim Qasim." } ] }, { "tripleset": [ [ "Al Kharaitiyat SC", "POSITION", "Qatar Stars League" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Al Kharaitiyat SC play in the Qatar Stars League." } ] }, { "tripleset": [ [ "Alaa Abdul-Zahra", "BIRTH_PLACE", "Baghdad" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alaa Abdul-Zahra was born in Baghdad." }, { "source": "webnlg", "text": "Baghdad is the birth place of Alaa Abdul-Zahra." }, { "source": "webnlg", "text": "Alaa Abdul Zahra was born in Baghdad." } ] }, { "tripleset": [ [ "Alaa Abdul-Zahra", "CLUB", "Sanat Mes Kerman F.C." ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alaa Abdul-Zahra's club is Sanat Mes Kerman F.C." }, { "source": "webnlg", "text": "Alaa Abdul Zahra plays for Sanat Mes Kerman FC." } ] }, { "tripleset": [ [ "Alan Martin (footballer)", "CLUB", "Hamilton Academical F.C." ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alan Martin played football for Hamilton Academical F.C." }, { "source": "webnlg", "text": "Alan Martin is a footballer for the Hamilton Academical FC." }, { "source": "webnlg", "text": "The footballer Alan Martin plays for Hamilton Academical F.C." } ] }, { "tripleset": [ [ "Alan Martin (footballer)", "CLUB", "Scotland national under-19 football team" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alan Martin is a footballer with the Scotland national under-19 football team club." }, { "source": "webnlg", "text": "Alan Martin played football for the Scotland national under 19 team." } ] }, { "tripleset": [ [ "Aleksander Barkov, Jr.", "DATE_OF_BIRTH", "1995-09-02" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Aleksander Barkov Jr's birthdate is 1995-09-02." }, { "source": "webnlg", "text": "Aleksander Barkov Jr. was born on the 2nd September 1995." } ] }, { "tripleset": [ [ "Aleksander Barkov, Jr.", "CLUB", "Florida Panthers" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Aleksander Barkov Jr has played for the Florida Panthers." }, { "source": "webnlg", "text": "Aleksander Barkov, Jr's club is the Florida Panthers." }, { "source": "webnlg", "text": "Aleksander Barkov Jr. plays for the Florida Panthers." } ] }, { "tripleset": [ [ "Aleksander Barkov, Jr.", "HEIGHT", "1.905" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Aleksander Barkov Jr is 1.905m tall." }, { "source": "webnlg", "text": "Aleksander Barkov, Jr's height is 1.905 metres." }, { "source": "webnlg", "text": "The height of Aleksander Barkov Jr. is 1.905." } ] }, { "tripleset": [ [ "Aleksander Barkov, Jr.", "LEAGUE", "National Hockey League" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Aleksander Barkov Jr played in the National Hockey League." }, { "source": "webnlg", "text": "Aleksander Barkov Jr. plays in the National Hockey League." } ] }, { "tripleset": [ [ "Aleksandr Prudnikov", "DATE_OF_BIRTH", "1989-02-24" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Aleksandr Prudnikov's date of birth is 1989-02-24." }, { "source": "webnlg", "text": "Aleksandr Prudnikov was born on 24th February 1989." }, { "source": "webnlg", "text": "Aleksandr Prudnikov was born 1989-02-24." } ] }, { "tripleset": [ [ "Aleksandr Prudnikov", "CLUB", "FC Amkar Perm" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Aleksandr Prudnikov plays for FC Amkar Perm." }, { "source": "webnlg", "text": "Aleksandr Prudnikov plays for the FC Amkar Perm football club." } ] }, { "tripleset": [ [ "Aleksandre Guruli", "BIRTH_PLACE", "Batumi" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Aleksandre Guruli was born in Batumi." }, { "source": "webnlg", "text": "Aleksandre Guruli's birth place is Batumi." } ] }, { "tripleset": [ [ "Aleksandre Guruli", "CLUB", "FC Samtredia" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Aleksandre Guruli plays for FC Samtredia." }, { "source": "webnlg", "text": "Aleksandre Guruli's club is FC Samtredia." } ] }, { "tripleset": [ [ "Aleksandre Guruli", "CLUB", "Georgia national under-21 football team" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Aleksandre Guruli's club is the Georgia national under 21 football team." }, { "source": "webnlg", "text": "Aleksandre Guruli once played for the Georgia national under-21 football team." }, { "source": "webnlg", "text": "Aleksandre Guruli plays for the Georgian national under 21 team." } ] }, { "tripleset": [ [ "Alessio Romagnoli", "CLUB", "A.S. Roma" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alessio Romagnoli plays for A.S. Roma." }, { "source": "webnlg", "text": "Alessio Romagnoli is a member of A.S. Roma." } ] }, { "tripleset": [ [ "Alessio Romagnoli", "YOUTH_CLUB", "A.S. Roma" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alessio Romagnoli plays for the A.S. Roma youth team." }, { "source": "webnlg", "text": "Alessio Romagnoli plays for A.S. Roma's youth team." }, { "source": "webnlg", "text": "Alessio Romagnoli played in AS Roma's youth team." } ] }, { "tripleset": [ [ "Alex Plante", "BIRTH_PLACE", "Manitoba" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alex Plante was born in Manitoba." }, { "source": "webnlg", "text": "Alex Plante's birthplace is Manitoba." } ] }, { "tripleset": [ [ "Alex Tyus", "LEAGUE", "Turkish Basketball Super League" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alex Tyus's league is the Turkish Basketball Super League." }, { "source": "webnlg", "text": "Alex Tyus plays in the Turkish Basketball Super League." }, { "source": "webnlg", "text": "The league Alex Tyus plays in is the Turkish Basketball Super League." } ] }, { "tripleset": [ [ "Atlanta Falcons", "CITY", "Atlanta" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Atlanta Falcons play in Atlanta." }, { "source": "webnlg", "text": "Atlanta Falcons play in the city of Atlanta." } ] }, { "tripleset": [ [ "Boston Bruins", "GENERAL_MANAGER", "Don Sweeney" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Don Sweeney is general manager for the Boston Bruins." }, { "source": "webnlg", "text": "Don Sweeney is general manager of the Boston Bruins." }, { "source": "webnlg", "text": "The general Manager of the Boston Bruins is Don Sweeney." } ] }, { "tripleset": [ [ "Budapest", "COUNTRY", "Hungary" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Budapest is a city in Hungary." } ] }, { "tripleset": [ [ "Canada", "LANGUAGE", "English language" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "English is the language spoken in Canada." }, { "source": "webnlg", "text": "English language is spoken in Canada." }, { "source": "webnlg", "text": "The English language is spoken in Canada." } ] }, { "tripleset": [ [ "Canada", "LANGUAGE", "Slavey language" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "In Canada, the language is Slavey." }, { "source": "webnlg", "text": "Canada's language is the Slavey language." }, { "source": "webnlg", "text": "One of the languages in Canada is Slavey." } ] }, { "tripleset": [ [ "Columbus Blue Jackets", "CITY", "Columbus, Ohio" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Columbus Blue Jackets' city is Columbus, Ohio." }, { "source": "webnlg", "text": "The Columbus Blue Jackets are based in the city of Columbus, Ohio." } ] }, { "tripleset": [ [ "FC Karpaty Lviv", "MANAGER", "Oleh Luzhny" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Oleh Luzhny is the manager of FC Karpaty Lviv." }, { "source": "webnlg", "text": "The manager of FC Karpaty Lviv is Oleh Luzhny." } ] }, { "tripleset": [ [ "FC Torpedo Moscow", "MANAGER", "Valery Petrakov" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Valery Petrakov is the manager of FC Torpedo Moscow." } ] }, { "tripleset": [ [ "Ferencv\u00e1rosi TC", "CHAIRMAN", "G\u00e1bor Kubatov" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "G\u00e1bor Kubatov is the chairman of Ferencv\u00e1rosi TC." }, { "source": "webnlg", "text": "Gabor Kubatov is the chairman of Ferencvarosi TC." } ] }, { "tripleset": [ [ "Finland", "LANGUAGE", "Finnish language" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The language of Finland is the Finnish language." }, { "source": "webnlg", "text": "The Finnish language is spoken in Finland." } ] }, { "tripleset": [ [ "Italy national under-16 football team", "COACH", "Daniele Zoratto" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The coach of the Italian national under 16 football team is Daniele Zoratto." }, { "source": "webnlg", "text": "Daniele Zoratto is coach of the Italy national under 16 football team." } ] }, { "tripleset": [ [ "Maccabi Ashdod B.C.", "COACH", "Zvi Sherf" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Maccabi Ashdod BC's coach is Zvi Sherf." }, { "source": "webnlg", "text": "The coach of Maccabi Ashdod B.C. is Zvi Sherf." }, { "source": "webnlg", "text": "Zvi Sherf is a coach for Maccabi Ashdod BC." } ] }, { "tripleset": [ [ "Motherwell F.C.", "GROUND", "Fir Park" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Motherwell FC's ground is Fir Park." }, { "source": "webnlg", "text": "Motherwell F.C. play their home games at Fir Park." }, { "source": "webnlg", "text": "Motherwell F.C. home ground is located in Fir Park." } ] }, { "tripleset": [ [ "Olympique Lyonnais", "OWNER", "Jean-Michel Aulas" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Jean-Michel Aulas is the owner of Olympique Lyonnais." }, { "source": "webnlg", "text": "Jean-Michel Aulas is the owner of the Olympique Lyonnais." }, { "source": "webnlg", "text": "The owner of Olympique Lyonnais is Jean-Michel Aulas." } ] }, { "tripleset": [ [ "St. Louis Rams", "CITY", "St. Louis" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The St. Louis Rams are based in the city of St. Louis." }, { "source": "webnlg", "text": "American Football team, St. Louis Rams, are based in the city of St. Louis." } ] }, { "tripleset": [ [ "Tennessee Titans", "CITY", "Nashville, Tennessee" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Tennessee Titans are based in Nashville, Tennessee." }, { "source": "webnlg", "text": "The Tennessee Titans are based in the city of Nashville, Tennessee." }, { "source": "webnlg", "text": "American Football team Tennessee Titans are based in the city of Nashville, Tennessee." } ] }, { "tripleset": [ [ "Aaron Bertram", "ACTIVE_YEARS_START_YEAR", "1998" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Aaron Bertram started performing in 1998." } ] }, { "tripleset": [ [ "Aaron Deer", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "The Horns of Happiness" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Aaron Deer collaborates with The Horns of Happiness." }, { "source": "webnlg", "text": "Aaron Deer plays with The Horns of Happiness." } ] }, { "tripleset": [ [ "Aaron Deer", "RECORD_LABEL", "Kill Rock Stars" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Aaron Deer has been signed to the record label Kill Rock Stars." }, { "source": "webnlg", "text": "Aaron Deer is signed to the record label Kill Rock Stars." }, { "source": "webnlg", "text": "Aaron Deer's record label is called Kill Rock Stars." } ] }, { "tripleset": [ [ "Aaron Turner", "GENRE", "Avant-garde metal" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Aaron Turner falls in the genre of avant-garde metal music." }, { "source": "webnlg", "text": "Aaron Turner performs avant-garde metal music." }, { "source": "webnlg", "text": "Aaron Turner also uses the musical genre Avant-garde metal." } ] }, { "tripleset": [ [ "Aaron Turner", "GENRE", "Progressive metal" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Aaron Turner plays progressive metal music." }, { "source": "webnlg", "text": "Aaron Turner performs progressive metal music." }, { "source": "webnlg", "text": "Aaron Turner uses the genre Progressive metal." } ] }, { "tripleset": [ [ "Abradab", "BACKGROUND", "\"solo singer\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Abradab has a background as a solo singer." }, { "source": "webnlg", "text": "Abradab's background is that of solo singer." } ] }, { "tripleset": [ [ "Abradab", "DATE_OF_BIRTH", "1978-11-12" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Abradab was born on November 12th 1978." }, { "source": "webnlg", "text": "The birth date of Abradab is 12th November 1978." }, { "source": "webnlg", "text": "Abradab was born on 12th November 1978." } ] }, { "tripleset": [ [ "Abradab", "BIRTH_PLACE", "Poland" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The birth place of Abradab is Poland." }, { "source": "webnlg", "text": "Abradab was born in Poland." } ] }, { "tripleset": [ [ "Abradab", "GENRE", "Hip hop music" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The musical genre of Abradab is hip hop music." }, { "source": "webnlg", "text": "Abradab performs hip hop music." } ] }, { "tripleset": [ [ "Agust\u00edn Barboza", "GENRE", "Guarania (music)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Agust\u00edn Barboza plays Guarania style of music." }, { "source": "webnlg", "text": "The genre Guarania, is the musical genre that Agustin Barboza is involved in." } ] }, { "tripleset": [ [ "Ahmet Ertegun", "BIRTH_PLACE", "\"Istanbul, Turkey\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Ahmet Ertegun was born in Istanbul, Turkey." } ] }, { "tripleset": [ [ "Alan Frew", "GENRE", "Rock music" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alan Frew is a performer of rock music." }, { "source": "webnlg", "text": "Alan Frews' musical genre is rock music." }, { "source": "webnlg", "text": "Alan Frew's genre is Rock music." } ] }, { "tripleset": [ [ "Albennie Jones", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Sammy Price" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Albennie Jones has worked with the musical artist Sammy Price." } ] }, { "tripleset": [ [ "Aleksandra Kova\u010d", "BACKGROUND", "\"solo singer\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Aleksandra Kovac is a solo singer." }, { "source": "webnlg", "text": "A solo singer is part of Aleksandra Kova\u010d's background,." } ] }, { "tripleset": [ [ "Aleksandra Kova\u010d", "BIRTH_PLACE", "Yugoslavia" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Aleksandra Kovac was born in Yugoslavia." }, { "source": "webnlg", "text": "The birth place of Aleksandra Kovac is Yugoslavia." }, { "source": "webnlg", "text": "Yugoslavia is the birth place of Aleksandra Kova\u010d." } ] }, { "tripleset": [ [ "Aleksandra Kova\u010d", "GENRE", "Rhythm and blues" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The musical genre of Aleksandra Kovac is rhythm and blues." }, { "source": "webnlg", "text": "Aleksandra Kovac's genre is rhythm and blues." }, { "source": "webnlg", "text": "Aleksandra Kovac is an exponent of Rhythm and blues." } ] }, { "tripleset": [ [ "Aleksandra Kova\u010d", "GENRE", "Soul music" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Aleksandra Kova\u010d's genre is soul music." }, { "source": "webnlg", "text": "Aleksandra Kova\u010d performs soul music." } ] }, { "tripleset": [ [ "Alex Day", "GENRE", "Synthpop" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The musical genre of Alex Day is Synthpop." }, { "source": "webnlg", "text": "Alex Day performs Synthpop music." }, { "source": "webnlg", "text": "Alex Day uses the Synthpop genre." } ] }, { "tripleset": [ [ "Alfredo Zitarrosa", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "H\u00e9ctor Numa Moraes" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alfredo Zitarrosa is associated with fellow musician H\u00e9ctor Numa Moraes." }, { "source": "webnlg", "text": "Alfredo Zitarrosa is associated with Hector Numa Moraes." }, { "source": "webnlg", "text": "Alfredo Zitarrosa is associated with the artist Hector Numa Moraes." } ] }, { "tripleset": [ [ "Alfredo Zitarrosa", "BIRTH_PLACE", "Montevideo" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Montevideo is the birth place of Alfredo Zitarrosa." }, { "source": "webnlg", "text": "The birth place of Alfredo Zitarrosa is Montevideo." }, { "source": "webnlg", "text": "Alfredo Zitarrosa was born in Montevideo." } ] }, { "tripleset": [ [ "Alfredo Zitarrosa", "DEATH_PLACE", "Uruguay" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alfredo Zitarrosa died in Uruguay." } ] }, { "tripleset": [ [ "Alfredo Zitarrosa", "RECORD_LABEL", "RCA Records" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alfredo Zitarrosa was signed to the RCA Records label." }, { "source": "webnlg", "text": "Alfredo Zitarrosa's record label is RCA Records." }, { "source": "webnlg", "text": "Alfredo Zitarrosa has a recording label in RCA Records." } ] }, { "tripleset": [ [ "Alison O'Donnell", "ACTIVE_YEARS_START_YEAR", "1963" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alison O'Donnell started performing in 1963." }, { "source": "webnlg", "text": "1963 was the beginning of Alison O'Donnell's active years." } ] }, { "tripleset": [ [ "Alison O'Donnell", "GENRE", "Jazz" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alison O'Donnell plays jazz music." }, { "source": "webnlg", "text": "Alison O'Donnell performs jazz music." } ] }, { "tripleset": [ [ "Alison O'Donnell", "INSTRUMENT", "\"Voice, bodhr\u00e1n, percussion, autoharp\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alison O'Donnell is a singer and also plays the bodhran, percussion and autoharp." }, { "source": "webnlg", "text": "Alison O'Donnell is a musician who uses her voice,bodhran,percussion and autoharp." }, { "source": "webnlg", "text": "The instruments that Alison O'Donnell plays are bodhr\u00e1n, percussion, autoharp plus she also sings." } ] }, { "tripleset": [ [ "Allen Forrest", "DATE_OF_BIRTH", "1981-02-04" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Allen Forrest was born on February 4, 1981." }, { "source": "webnlg", "text": "Allen Forrest's birth date is 04th February 1981." }, { "source": "webnlg", "text": "Allen Forrest's birth date is 1981-02-04." } ] }, { "tripleset": [ [ "Allen Forrest", "GENRE", "Pop music" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Allen Forrest plays pop music." }, { "source": "webnlg", "text": "Allen Forrest was a pop artist." }, { "source": "webnlg", "text": "Allen Forrest is an exponent of Pop music." } ] }, { "tripleset": [ [ "Alligator Records", "LOCATION", "Chicago" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The location of Alligator Records is Chicago." }, { "source": "webnlg", "text": "Alligator records is based in Chicago." }, { "source": "webnlg", "text": "Alligator Records is located in Chicago." } ] }, { "tripleset": [ [ "Anders Osborne", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Johnny Sansone" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Anders Osborne is associated with the musical artist Johnny Sansone." }, { "source": "webnlg", "text": "Anders Osborne and Johnny Sansone are associates." } ] }, { "tripleset": [ [ "Anders Osborne", "GENRE", "Rhythm and blues" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Anders Osborne performs rhythm and blues music." }, { "source": "webnlg", "text": "Rhythm and blues is the musical genre of Anders Osborne." }, { "source": "webnlg", "text": "Anders Osborne's genre is Rhythm and blues." } ] }, { "tripleset": [ [ "Anders Osborne", "RECORD_LABEL", "Alligator Records" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Anders Osborne was signed to the record label 'Alligator Records'." }, { "source": "webnlg", "text": "Anders Osborne is signed to the record label Alligator Records." }, { "source": "webnlg", "text": "Anders Osborne's record label is Alligator Records." } ] }, { "tripleset": [ [ "Andra (singer)", "GENRE", "Rhythm and blues" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Andra is a rhythm and blues singer." }, { "source": "webnlg", "text": "Andra performs rhythm and blues music." }, { "source": "webnlg", "text": "The singer Andra's genre is Rhythm and blues." } ] }, { "tripleset": [ [ "Andrew Rayel", "ACTIVE_YEARS_START_YEAR", "2009" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Andrew Rayel began his musical career in 2009." }, { "source": "webnlg", "text": "Andrew Rayel started his career in 2009." } ] }, { "tripleset": [ [ "Andrew Rayel", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Christian Burns" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Andrew Rayel is associated with Christian Burns." }, { "source": "webnlg", "text": "The musicians Andrew Rayel and Christian Burns are associates." } ] }, { "tripleset": [ [ "Andrew Rayel", "BIRTH_PLACE", "\"Chi\u0219in\u0103u, Moldova\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The birth place of Andrew Rayel is Chisinau, Moldova." }, { "source": "webnlg", "text": "Andrew Rayel was born in Chisinau, Moldova." } ] }, { "tripleset": [ [ "Andrew White (musician)", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Marry Banilow" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The musician, Andrew White, is associated with the musical artist, Marry Banilow." }, { "source": "webnlg", "text": "Andrew White is associated with the musical artist Marry Banilow." } ] }, { "tripleset": [ [ "Andrew White (musician)", "RECORD_LABEL", "B-Unique Records" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Andrew White is a musician signed to the record label B-Unique Records." }, { "source": "webnlg", "text": "The musician Andrew White is signed to the record label B-Unique Records." } ] }, { "tripleset": [ [ "Asunci\u00f3n", "IS_PART_OF", "Gran Asunci\u00f3n" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Asunci\u00f3n is a part of Gran Asunci\u00f3n." }, { "source": "webnlg", "text": "Asunci\u00f3n is part of Gran Asunci\u00f3n." } ] }, { "tripleset": [ [ "Christian Burns", "INSTRUMENT", "Guitar" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Christian Burns plays the guitar." }, { "source": "webnlg", "text": "Christian Burns plays guitar." } ] }, { "tripleset": [ [ "Hip hop music", "MUSIC_SUBGENRE", "Gangsta rap" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Hip hop music has the sub genre Gangsta rap." }, { "source": "webnlg", "text": "Gangsta rap is a sub genre of Hip Hop music." }, { "source": "webnlg", "text": "Hip hop music has a sub genre called Gangsta rap." } ] }, { "tripleset": [ [ "Hip hop music", "STYLISTIC_ORIGIN", "Funk" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Hip hop music originated from funk music." }, { "source": "webnlg", "text": "Hip Hop music has its origins in Funk." }, { "source": "webnlg", "text": "Hip hop music has its stylistic origins in funk." } ] }, { "tripleset": [ [ "Indie rock", "STYLISTIC_ORIGIN", "New wave music" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The stylistic origin of indie rock is new wave music." }, { "source": "webnlg", "text": "Indie Rock has its origins in New wave music." } ] }, { "tripleset": [ [ "Manchester", "IS_PART_OF", "Greater Manchester" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Manchester is part of Greater Manchester." }, { "source": "webnlg", "text": "Manchester is a part of Greater Manchester." }, { "source": "webnlg", "text": "Manchester is part of the Greater Manchester area." } ] }, { "tripleset": [ [ "Polydor Records", "LOCATION", "London" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Polydor Records are based in London." }, { "source": "webnlg", "text": "Polydor Records is located in London." }, { "source": "webnlg", "text": "Polydor records are located in London." } ] }, { "tripleset": [ [ "RCA Records", "DISTRIBUTING_COMPANY", "Sony Music Entertainment" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The distribution company for RCA Records is Sony Music Entertainment." }, { "source": "webnlg", "text": "RCA Records distribute through Sony Music Entertainment." } ] }, { "tripleset": [ [ "Rock and roll", "STYLISTIC_ORIGIN", "Blues" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Rock and roll music originated from blues music." }, { "source": "webnlg", "text": "Rock and Roll has its stylistic origin in the Blues." }, { "source": "webnlg", "text": "Rock and roll's stylistic origins come from Blues." } ] }, { "tripleset": [ [ "Synthpop", "STYLISTIC_ORIGIN", "Pop music" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Synthpop is a form of pop music." }, { "source": "webnlg", "text": "Synthpop's stylistic origins come from pop music." }, { "source": "webnlg", "text": "The stylistic origin of synthpop is pop music." } ] }, { "tripleset": [ [ "United Kingdom", "DEMONYM", "British people" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "People from the United Kingdom are called British people." }, { "source": "webnlg", "text": "The native people of the United Kingdom are known as the British people." }, { "source": "webnlg", "text": "British people is a demonym for people in the United Kingdom." } ] }, { "tripleset": [ [ "(19255) 1994 VK8", "DENSITY", "2.0 (gramPerCubicCentimetres)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "(19255) 1994 VK8 has a density of 2.0 grams per cubic centimetre." }, { "source": "webnlg", "text": "The celestial body known as (19255) 1994 VK8 has a density of 2 grams per cubic centimetres." } ] }, { "tripleset": [ [ "(29075) 1950 DA", "DISCOVERER", "Carl A. Wirtanen" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "(29075) 1950 DA was discovered by Carl A Wirtanen." }, { "source": "webnlg", "text": "Carl A Wirtanen discovered (29075) 1950 DA." }, { "source": "webnlg", "text": "Carl A Wirtanen was the discoverer of 29075 1950 DA." } ] }, { "tripleset": [ [ "(410777) 2009 FD", "ABSOLUTE_MAGNITUDE", "22.1" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "(410777) 2009 FD has an absolute magnitude of 22.1." }, { "source": "webnlg", "text": "The absolute magnitude of (410777) 2009 FD is 22.1." } ] }, { "tripleset": [ [ "(410777) 2009 FD", "APOAPSIS", "259776702.47055 (kilometres)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "(410777) 2009 FD has an apoapsis of 259776702.47055 kilometres." }, { "source": "webnlg", "text": "The apoapsis of (410777) 2009 FD is 259776702.47055 kilometers." } ] }, { "tripleset": [ [ "(66063) 1998 RO1", "APOAPSIS", "254989570.60815 (kilometres)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "(66063) 1998 RO1 has an apoapsis of 254989570.60815 kilometres." }, { "source": "webnlg", "text": "The apoapsis for (66063) 1998 RO1 is 254989570.60815 kilometres." } ] }, { "tripleset": [ [ "(66063) 1998 RO1", "EPOCH", "2013-11-04" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "66063 1998 RO1 has an epoch date of 4 November 2013." }, { "source": "webnlg", "text": "(66063) 1998 RO1 has an epoch date of 2013-11-04." }, { "source": "webnlg", "text": "The epoch of (66063) 1998 RO1 is on the 13th of January 2016." } ] }, { "tripleset": [ [ "1000 Piazzia", "ESCAPE_VELOCITY", "0.0252 (kilometrePerSeconds)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "1000 Piazzia has an escape velocity of 0.0252 kilometres per second." }, { "source": "webnlg", "text": "The escape velocity of 1000 Piazzia is 0.0252 km/sec." }, { "source": "webnlg", "text": "The escape velocity of 1000 Piazzia is 0.0252 (kilometrePerSeconds)." } ] }, { "tripleset": [ [ "1001 Gaussia", "FORMER_NAME", "\"1923 OAA907 XC\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "1001 Gaussia was formerly known as 1923 OAA907 XC." }, { "source": "webnlg", "text": "The former name of 1001 Gaussia is \"1923 OAA907 XC\"." }, { "source": "webnlg", "text": "1001 Gaussia's former name was 1923 OAA907 XC." } ] }, { "tripleset": [ [ "1001 Gaussia", "MAXIUMUM_TEMPERATURE", "165.0 (kelvins)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "the maximum temperature of 1001 Gaussia is 165 kelvins." }, { "source": "webnlg", "text": "The celestial body known as 1001 Gaussia has a maximum temperature of 165 kelvins." } ] }, { "tripleset": [ [ "101 Helena", "APOAPSIS", "441092000.0 (kilometres)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "101 Helena has an apoapsis of 441092000.0 (kilometres)." }, { "source": "webnlg", "text": "101 Helena has an apoapsis of 441092000.0 kilometres." }, { "source": "webnlg", "text": "The apoapsis of 101 Helena is 441092000.0 kilometres." } ] }, { "tripleset": [ [ "101 Helena", "EPOCH", "2006-12-31" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The epoch of 101 Helena is 2006-12-31." }, { "source": "webnlg", "text": "101 Helena has an epoch of 2006-12-31." } ] }, { "tripleset": [ [ "101 Helena", "MASS", "3.0 (kilograms)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "101 Helena has a mass of 3.0 kgs." }, { "source": "webnlg", "text": "101 Helena has a mass of 3.0 kilograms." } ] }, { "tripleset": [ [ "1036 Ganymed", "AVERAGE_SPEED", "16.86 (kilometrePerSeconds)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "1036 Ganymed has an average speed of 16.86 km per sec." }, { "source": "webnlg", "text": "1036 Ganymed travels at an average speed of 16.86 kilometres per second." }, { "source": "webnlg", "text": "The celestial body known as 1036 Ganymed has an average speed of 16.86 k.p.s." } ] }, { "tripleset": [ [ "103 Hera", "ABSOLUTE_MAGNITUDE", "7.66" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "103 Hera has an absolute magnitude of 7.66." }, { "source": "webnlg", "text": "The celestial body known as 103 Hera has an absolute magnitude of 7.66." }, { "source": "webnlg", "text": "The absolute magnitude of 103 Hera is 7.66." } ] }, { "tripleset": [ [ "103 Hera", "MASS", "7.9 (kilograms)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "103 Hera's mass is 7.9kg." }, { "source": "webnlg", "text": "103 Hera has a mass of 7.9 kilograms." } ] }, { "tripleset": [ [ "107 Camilla", "ABSOLUTE_MAGNITUDE", "7.08" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The asteroid called 107 Camilla has an absolute magnitude of 7.08." }, { "source": "webnlg", "text": "The absolute magnitude of 107 Camilla is 7.08." }, { "source": "webnlg", "text": "107 Camilla has an absolute magnitude of 7.08." } ] }, { "tripleset": [ [ "107 Camilla", "DISCOVERER", "A. Storrs" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "107 Camilla was discovered by A Storrs." }, { "source": "webnlg", "text": "A Storrs discovered 107 Camilla." }, { "source": "webnlg", "text": "The asteroid called 107 Camilla was discovered by A. Storrs." } ] }, { "tripleset": [ [ "1089 Tama", "FORMER_NAME", "\"A894 VA; A904 VD;\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "1089 Tama had the former name of \"A894 VA; A904 VD;\"." }, { "source": "webnlg", "text": "1089 Tama was formerly called \"A894 VA; A904 VD;\"." }, { "source": "webnlg", "text": "The former name of 1089 Tama is \"A894 VA; A904 VD;\"." } ] }, { "tripleset": [ [ "1089 Tama", "ORBITAL_PERIOD", "1202.846 (days)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "1089 Tama has an orbital period of 1202.846 days." } ] }, { "tripleset": [ [ "1097 Vicia", "AVERAGE_SPEED", "17.92 (kilometrePerSeconds)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "1097 Vicia has an average speed of 17.92 kilometres per second." }, { "source": "webnlg", "text": "The celestial body known as 1097 Vicia has an average speed of 17.92 k.p.s." } ] }, { "tripleset": [ [ "1097 Vicia", "EPOCH", "2006-12-31" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The epoch of 1097 Vicia is on 13 January 2016." }, { "source": "webnlg", "text": "The epoch date of 1097 Vicia is 2006.12.31." } ] }, { "tripleset": [ [ "1097 Vicia", "ROTATION_PERIOD", "95040.0" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The rotation period of 1097 Vicia is 95040.0." }, { "source": "webnlg", "text": "1097 Vicia has a rotation period of 95040.0." }, { "source": "webnlg", "text": "The rotation period of 1097 Vicia is 95040." } ] }, { "tripleset": [ [ "109 Felicitas", "DISCOVERER", "Christian Heinrich Friedrich Peters" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Christian Heinrich Friedrich Peters was the discoverer of 109 Felicitas." }, { "source": "webnlg", "text": "109 Felicitas was discovered by Christian Heinrich Friedrich Peters." }, { "source": "webnlg", "text": "Christian Heinrich Friedrich Peters discovered 109 Felicitas." } ] }, { "tripleset": [ [ "109 Felicitas", "PERIAPSIS", "283326000000.0" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "109 Felicitas has a periapsis of 283326000000.0." }, { "source": "webnlg", "text": "The periapsis of 109 Felicitas is 283326000000.0." } ] }, { "tripleset": [ [ "10 Hygiea", "AVERAGE_SPEED", "16.76 (kilometrePerSeconds)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The average speed of 10 Hygiea is 16.76 km per secs." }, { "source": "webnlg", "text": "10 Hygiea has an average speed of 16.76 kilometres per second." }, { "source": "webnlg", "text": "The average speed of the asteroid 10 Hygiea is 16.76 kilometres per second." } ] }, { "tripleset": [ [ "1101 Clematis", "PERIAPSIS", "445895000000.0" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The periapsis of 1101 Clematis is 445895000000.0." }, { "source": "webnlg", "text": "1101 Clematis has a periapsis of 445895000000.0." }, { "source": "webnlg", "text": "1101 Clemantis has a periapsis of 445895000000." } ] }, { "tripleset": [ [ "110 Lydia", "EPOCH", "2006-12-31" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "110 Lydia has an epoch date of December 31st 2006." }, { "source": "webnlg", "text": "31 December 2006 is the epoch of 110 Lydia." }, { "source": "webnlg", "text": "110 Lydia's epoch is 31st December 2006." } ] }, { "tripleset": [ [ "11264 Claudiomaccone", "TEMPERATURE", "173.0 (kelvins)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "11264 Claudiomaccone has a temperature of 173.0 (kelvins)." }, { "source": "webnlg", "text": "11264 Claudiomaccone has a temperature of 173.0 kelvins." } ] }, { "tripleset": [ [ "James Craig Watson", "ALMA_MATER", "University of Michigan" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "James Craig Watson's alma mater was the University of Michigan." }, { "source": "webnlg", "text": "James Craig Watson's Alma mater is the University of Michigan." }, { "source": "webnlg", "text": "James Craig Watson studied at the University of Michigan." } ] }, { "tripleset": [ [ "N. R. Pogson", "BIRTH_PLACE", "Nottingham" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "N R Pogson was born in Nottingham." }, { "source": "webnlg", "text": "N. R. Pogson was born in Nottingham." } ] }, { "tripleset": [ [ "Aaron S. Daggett", "AWARD", "Purple Heart" ], [ "Aaron S. Daggett", "BATTLES", "Battle of Fredericksburg" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Aaron S. Daggett fought in the Battle of Fredericksburg and received the Purple Heart." }, { "source": "webnlg", "text": "Aaron S Daggett, fought in battles, most notably the Battle of Fredericksburg, he was awarded the Purple Heart." }, { "source": "webnlg", "text": "Aaron S Daggett was awarded the Purple Heart and fought in the Battle of Fredericksburg." } ] }, { "tripleset": [ [ "Aaron S. Daggett", "BATTLES", "Battle of Gettysburg" ], [ "Aaron S. Daggett", "AWARD", "Purple Heart" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Aaron S Daggett fought at the Battle of Gettysburg and was awarded the Purple Heart." }, { "source": "webnlg", "text": "Aaron S. Daggett fought in the Battle of Gettysburg and was awarded the Purple Heart." }, { "source": "webnlg", "text": "Aaron S. Daggett, who fought in the Battle of Gettysburg, was awarded the Purple Heart." } ] }, { "tripleset": [ [ "Abdul Rahman Ya'kub", "HAS_DEPUTY", "Stephen Yong Kuet Tze" ], [ "Abdul Taib Mahmud", "SUCCESSOR", "Abdul Rahman Ya'kub" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Stephen Yong Kuet Tze is Abdul Rahman Ya'kub's deputy. Abdul Taib Mahmud was Abdul Rahman Ya'kub's successor." }, { "source": "webnlg", "text": "Abdul Rahman Ya'kub, who succeeded Abdul Taib Mahmud, has a deputy named Stephen Yong Kuet Tze." }, { "source": "webnlg", "text": "The successor of Abdul Taib Mahmud was Abdul Rahman Ya'kub, whose deputy is Stephen Yong Kuet Tze." } ] }, { "tripleset": [ [ "Abdul Taib Mahmud", "PARTY", "Parti Pesaka Bumiputera Bersatu" ], [ "Abdul Taib Mahmud", "BIRTH_PLACE", "Kingdom of Sarawak" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Abdul Taid Mahmud was born in Sarawak and is part of the Parti Pesaka Bumiputera Bersatu." }, { "source": "webnlg", "text": "Abdul Taib Mahmud was born in the Kingdom of Sarawak and his party is the Parti Pesaka Bumiputera Bersatu." }, { "source": "webnlg", "text": "Abdul Taib Mahmud, who was born in Sarawak, belongs to the Parti Pesaka Bumiputera Bersatu." } ] }, { "tripleset": [ [ "Abdulsalami Abubakar", "BIRTH_PLACE", "Minna" ], [ "Abdulsalami Abubakar", "ALMA_MATER", "Technical Institute, Kaduna" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Abdulsalami Abubakar, was born in Minna, and has the Technical Institute Kaduna, for an almar mater." }, { "source": "webnlg", "text": "Abdulsalami Abubakar was born in Minna and he attended the Technical Institute Kaduna." }, { "source": "webnlg", "text": "Abdulsalami Abubakar was born in Minna and attended the Technical Institute in Kaduna." } ] }, { "tripleset": [ [ "Abdulsalami Abubakar", "OFFICE_(WORKED_AT,_WORKED_AS)", "Chief of the Defence Staff (Nigeria)" ], [ "Abdulsalami Abubakar", "BIRTH_PLACE", "Niger State" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Abdulsalami Abubakar was born in Niger State and was the Chief of the Defence Staff in Nigeria." }, { "source": "webnlg", "text": "Abdulsalami Abubakar, who was born in Niger State, was the Chief of the Defence Staff in Nigeria." } ] }, { "tripleset": [ [ "Abdulsalami Abubakar", "OFFICE_(WORKED_AT,_WORKED_AS)", "Chief of the Defence Staff (Nigeria)" ], [ "Abdulsalami Abubakar", "SUCCESSOR", "Al-Amin Daggash" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Al-Amin Daggash was succeeded as Chief of the Defence Staff in Nigeria by Abdulsalami Abubakar." }, { "source": "webnlg", "text": "Abdulsalami Abubakar was the Chief of the Defence Staff in Nigeria and he was succeeded by Al-Amin Daggash." }, { "source": "webnlg", "text": "Al-Amin Daggash was succeeded by Abdulsalami Abubakar, who worked as the Nigerian Chief of the Defence Staff." } ] }, { "tripleset": [ [ "Abdulsalami Abubakar", "SUCCESSOR", "Olusegun Obasanjo" ], [ "Abdulsalami Abubakar", "ACTIVE_YEARS_END_DATE", "1999-05-29" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Abdulsalami Abubakar, ended his career on 1999-05-29, and was succeeded by Olusegun Obasanjo." }, { "source": "webnlg", "text": "Abdulsalami Abubakar ended his career on 1999-05-29 and was succeeded by Olusegun Obasanjo." }, { "source": "webnlg", "text": "Olusegun Obasanjo was the successor to Abdulsalami Abubakar, who ended his career on 1999-05-29." } ] }, { "tripleset": [ [ "Abdulsalami Abubakar", "SUCCESSOR", "Olusegun Obasanjo" ], [ "Abdulsalami Abubakar", "IN_OFFICE_WHILE_VICE_PRESIDENT", "Mike Akhigbe" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Abdulsalami Abubakar was also in office while Mr. Mike Akhigbe was Vice President. Olusegun Obasanjo succeeded Mr. Abubaka." }, { "source": "webnlg", "text": "Abdulsalami Abubakar, who was succeeded by Olusegun Obasanjo. was in office while Mike Akhigbe was Vice President." }, { "source": "webnlg", "text": "Abdulsalami Abubakar, whose successor was Olusegun Obasanjo was in office while Mike Akhigbe was the Vice President." } ] }, { "tripleset": [ [ "Abner W. Sibal", "BATTLES", "World War II" ], [ "World War II", "COMMANDER", "Joseph Stalin" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Joseph Stalin was a commander in World War II in which Abner W Sibal also fought." }, { "source": "webnlg", "text": "Abner W. Sibal fought in World War II and the commander of Russian during that war was Joseph Stalin." }, { "source": "webnlg", "text": "Abner W. Sibal fought during WWII and the Russian commander was Joseph Stalin." } ] }, { "tripleset": [ [ "Abner W. Sibal", "MILITARY_BRANCH", "United States Army" ], [ "United States Army", "BATTLES", "Korean War" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Abner W. Sibal serve in the United States army which took part in the Korean War." }, { "source": "webnlg", "text": "Abner W. Sibal served in the United States Army, which fought in the Korean War." } ] }, { "tripleset": [ [ "Adam Holloway", "BIRTH_PLACE", "Kent" ], [ "Adam Holloway", "ALMA_MATER", "Magdalene College, Cambridge" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Adam Holloway went to school at Magdalene College Cambridge and was born in Kent." }, { "source": "webnlg", "text": "Adam Holloway was born in Kent and attended Magdalene College in Cambridge." } ] }, { "tripleset": [ [ "Adam Holloway", "RESIDENCE", "Gravesend" ], [ "Adam Holloway", "BIRTH_PLACE", "Kent" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Born in Kent, Adam Holloway now lives in Gravesend." }, { "source": "webnlg", "text": "Adam Holloway was born in Kent and lives in Gravesend." }, { "source": "webnlg", "text": "Adam Holloway was born in Kent and lived in Gravesend." } ] }, { "tripleset": [ [ "Adam Koc", "BATTLES", "World War I" ], [ "Adam Koc", "AWARD", "Virtuti Militari" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Adam Koc, who won the Virtuti Militari award, fought in World War I." }, { "source": "webnlg", "text": "Adam Koc fought in WWI and he was awarded the Virtuti Militari award." }, { "source": "webnlg", "text": "Adam Koc fought in WW1 and received the Virtuti Militari award." } ] }, { "tripleset": [ [ "Adonis Georgiadis", "BIRTH_PLACE", "Athens" ], [ "Adonis Georgiadis", "OFFICE_(WORKED_AT,_WORKED_AS)", "\"Deputy Parliamentary Spokesman of Popular Orthodox Rally\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Adonis Georgiadis was born in Athens and has been the Deputy Parliamentary Spokesman of the Popular Orthodox Rally." }, { "source": "webnlg", "text": "Adonis Georgiadis was born in Athens and worked as the Deputy Parliamentary Spokesman for the Popular Orthodox Rally." }, { "source": "webnlg", "text": "Bborn in Athens, Adonis Georgiadis, worked as the Deputy Parliamentary Spokesman of Popular Orthodox Rally." } ] }, { "tripleset": [ [ "Adonis Georgiadis", "BIRTH_PLACE", "Greece" ], [ "Adonis Georgiadis", "BIRTH_PLACE", "Athens" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Adonis Georgiadis was born in Athens, Greece." }, { "source": "webnlg", "text": "Adonis Georgiadis was born in Athens, in Greece." }, { "source": "webnlg", "text": "Adonis Georgiadis was born in Athens in Greece." } ] }, { "tripleset": [ [ "Adonis Georgiadis", "BIRTH_PLACE", "Greece" ], [ "Adonis Georgiadis", "OFFICE_(WORKED_AT,_WORKED_AS)", "\"Deputy Parliamentary Spokesman of Popular Orthodox Rally\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Born in Greece, Adonis Georgiadis, worked as the Deputy Parliamentary Spokesman of Popular Orthodox Rally." }, { "source": "webnlg", "text": "Greek born Adonis Georgiadis he has worked as the Deputy Parliamentary Spokesman of Popular Orthodox Rally." } ] }, { "tripleset": [ [ "Agnes Kant", "BIRTH_PLACE", "Hessisch Oldendorf" ], [ "Agnes Kant", "OFFICE_(WORKED_AT,_WORKED_AS)", "Parliamentary group leader" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Agnes Kant, born in Hessisch Oldendorf, worked as the Parliamentary group leader." }, { "source": "webnlg", "text": "Agnes Kant was born in Hessisch Oldendorf and was employed as a Parliamentary group leader." }, { "source": "webnlg", "text": "Agnes Kant birthplace was in Hessisch Oldendorf. He was a Parliamentary group leader." } ] }, { "tripleset": [ [ "Airey Neave", "AWARD", "Military Cross" ], [ "Airey Neave", "UNIT", "Royal Artillery" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Airey Neave served in the Royal Artillery Unit and was awarded the Military Cross." }, { "source": "webnlg", "text": "Airey Neave received the Military Cross and served in the Royal Artillery." }, { "source": "webnlg", "text": "Airey Neave's unit was the Royal Artillery and he was awarded the Military Cross." } ] }, { "tripleset": [ [ "Airey Neave", "BATTLES", "Battle of France" ], [ "Airey Neave", "ACTIVE_YEARS_START_DATE", "1974-03-04" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Airey Neave was part of the Battle of France but started his career on March 4th, 1974." }, { "source": "webnlg", "text": "Airey Neave, began his career on March 4th 1974, and fought in the Battle of France." }, { "source": "webnlg", "text": "Airey Neave began his career on March 4th 1974 and was involved in the Battle of France." } ] }, { "tripleset": [ [ "Airey Neave", "BATTLES", "Battle of France" ], [ "Battle of France", "COMMANDER", "Hugo Sperrle" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Airey Neave was involved in the Battle of France in which Hugo Sperrle was a commander." }, { "source": "webnlg", "text": "Airey Neave fought in the Battle of France, the battle where Hugo Sperrle was the commander." }, { "source": "webnlg", "text": "Hugo Sperrle was a commander in the Battle of France in which Airey Neave was also involved." } ] }, { "tripleset": [ [ "Airey Neave", "BATTLES", "World War II" ], [ "Airey Neave", "BIRTH_PLACE", "Knightsbridge" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Airey Neave, who was born in Kinightsbridge, fought in World War II." }, { "source": "webnlg", "text": "Born in Kinightsbridge, Airey Neave fought in World War II." }, { "source": "webnlg", "text": "Airey Neave was born in Knightsbridge and fought in World War II." } ] }, { "tripleset": [ [ "Airey Neave", "BATTLES", "World War II" ], [ "World War II", "COMMANDER", "Franklin D. Roosevelt" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Airey Neave fought in World War II where Franklin D. Roosevelt was a commander." }, { "source": "webnlg", "text": "Franklin D Roosevelt was a commander in World War II , in which Airey Neave fought." }, { "source": "webnlg", "text": "Airey Neave fought in World War II where Franklin D. Roosevelt was a commander." } ] }, { "tripleset": [ [ "Airey Neave", "BATTLES", "World War II" ], [ "World War II", "COMMANDER", "Joseph Stalin" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Airey Neave fought in World War II during which Joseph Stalin was a commander." }, { "source": "webnlg", "text": "Joseph Stalin was a commander in World War II, the war Airey Neave was involved in." }, { "source": "webnlg", "text": "Airey Neave fought in World War II, where one of the commanders was, joseph Stalin." } ] }, { "tripleset": [ [ "Albert B. White", "DEATH_YEAR", "1941" ], [ "Albert B. White", "DATE_OF_BIRTH", "1856-09-22" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Albert B White was born on 22nd September 1856 and died in 1941." }, { "source": "webnlg", "text": "Albert B White was born 1856-09-22 and died in 1941." }, { "source": "webnlg", "text": "Albert B. White was born on 22nd September 1856 and died in 1941." } ] }, { "tripleset": [ [ "Albert B. White", "PROFESSION", "Politician" ], [ "Albert B. White", "DATE_OF_BIRTH", "1856-09-22" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Born 22nd September, 1856, Albert B. White's profession was politician." }, { "source": "webnlg", "text": "Albert B White, born on 22nd September 1856, profession was politician." }, { "source": "webnlg", "text": "Albert B White, born 1856-09-22, profession was politician." } ] }, { "tripleset": [ [ "Albert Jennings Fountain", "DEATH_PLACE", "Do\u00f1a Ana County, New Mexico" ], [ "Albert Jennings Fountain", "BIRTH_PLACE", "New York City" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Albert Jennings Fountain was born in New York City an died in Dona Ana County, New Mexico." }, { "source": "webnlg", "text": "Born in New York City, Albert Jennings Fountain, died in Dona Ana County, New Mexico." }, { "source": "webnlg", "text": "Albert Jennings Fountain was born in New York City and died in Dona Ana County, New Mexico." } ] }, { "tripleset": [ [ "Albert Jennings Fountain", "IN_OFFICE_WHILE_VICE_PRESIDENT", "Edmund J. Davis" ], [ "Albert Jennings Fountain", "DEATH_PLACE", "New Mexico Territory" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Albert Jennings Fountain passed away in the New Mexico Territory. He was in office while Edmund J. Davis was Vice President." }, { "source": "webnlg", "text": "Albert Jennings Fountain, who died in the New Mexico territory, was in office whilst Edmund J. Davis was Vice President." }, { "source": "webnlg", "text": "Albert Jennings Fountain, who was a politician while Vice President Edmund J. Davis was in office later died in New Mexico Territory." } ] }, { "tripleset": [ [ "Albert Jennings Fountain", "PARTY", "Republican Party (United States)" ], [ "Albert Jennings Fountain", "BIRTH_PLACE", "New York City" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "New York City is the birthplace of Albert Jennings Fountain who is also a member of the Republican Party in the U.S.A." }, { "source": "webnlg", "text": "Albert Jennings Fountain was born in New York and is a member of the Republican Party." }, { "source": "webnlg", "text": "Born in New York City, Albert Jennings Fountain, was a member of the Republican Party in the United States." } ] }, { "tripleset": [ [ "Alberto Teisaire", "OFFICE_(WORKED_AT,_WORKED_AS)", "\"Provisional President of the Argentine Senate\"" ], [ "Alberto Teisaire", "SUCCESSOR", "Isaac Rojas" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alberto Teisaire worked as the Provisional President of the Argentine Senate and was succeded by Isaac Rojas." }, { "source": "webnlg", "text": "Alberto Teisaire worked as a Provisional President of the Argentine Senate and was succeeded by Isaac Rojas." }, { "source": "webnlg", "text": "Isaac Rojas was the successor to Alberto Teisaire, who worked as a Provisional President of the Argentine Senate." } ] }, { "tripleset": [ [ "Alfons Gorbach", "BIRTH_PLACE", "Austria" ], [ "Alfons Gorbach", "BIRTH_PLACE", "Austria-Hungary" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alfons Gorbach's birthplace was Austria-Hungary." }, { "source": "webnlg", "text": "Alfons Gorbach was born in Austria and Austria- Hungary." }, { "source": "webnlg", "text": "Alfons Gorbach was born in Austria Hungary." } ] }, { "tripleset": [ [ "Alfons Gorbach", "BIRTH_PLACE", "Tyrol (state)" ], [ "Alfons Gorbach", "BIRTH_PLACE", "Austria" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alfons Gorbach was born in the state of Tyrol, in Austria." }, { "source": "webnlg", "text": "Alfons Gorbach was born in Tyrol state in Austria." }, { "source": "webnlg", "text": "Alfons Gorbach was born in the state of Tyrol in Austria." } ] }, { "tripleset": [ [ "Alfred Moore Scales", "OFFICE_(WORKED_AT,_WORKED_AS)", "\"Governor of North Carolina\"" ], [ "Alfred Moore Scales", "SUCCESSOR", "James W. Reid (politician)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alfred Moore Scales, Governor of North Carolina was succeeded by James W Reid." }, { "source": "webnlg", "text": "Alfred Moore Scales, was Governor of North Carolina, and was succeeded by the politician James W Reid." }, { "source": "webnlg", "text": "Alfred Moore Scales was Governor of North Carolina and was succeeded by James W. Reid." } ] }, { "tripleset": [ [ "Alfred Moore Scales", "SUCCESSOR", "Daniel Gould Fowle" ], [ "Daniel Gould Fowle", "ALMA_MATER", "Princeton University" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alfred Moore Scales was succeeded by Daniel Gould Fowle, his alma mater is Princeton University." }, { "source": "webnlg", "text": "Daniel Gould Fowle, attended Princeton University, and suceeded Alfred Moore Scales." }, { "source": "webnlg", "text": "Daniel Gould Fowle attended Princeton University and he succeeded Alfred Moore Scales." } ] }, { "tripleset": [ [ "Alfred N. Phillips", "BIRTH_PLACE", "Connecticut" ], [ "Alfred N. Phillips", "OFFICE_(WORKED_AT,_WORKED_AS)", "United States House of Representatives" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alfred N. Phillips was part of the U.S. House of Representatives and he was born in Connecticut." }, { "source": "webnlg", "text": "Alfred N. Phillips was born in Connecticut and worked at the United States House of Representatives." } ] }, { "tripleset": [ [ "Alfred N. Phillips", "MILITARY_BRANCH", "United States Army" ], [ "United States Army", "BATTLES", "American Civil War" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alfred N. Phillips served in the United States Army which fought in the American Civil War." }, { "source": "webnlg", "text": "Alfred N. Phillip was a member of the US Army that fought in the American Civil War." }, { "source": "webnlg", "text": "Alfred N. Phillips served in the United States, Army, which battled in the American Civil War." } ] }, { "tripleset": [ [ "Allan Shivers", "BATTLES", "World War II" ], [ "World War II", "COMMANDER", "Joseph Stalin" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Allan Shivers fought during World War II in which Joseph Stalin was a commander." }, { "source": "webnlg", "text": "Allan Shivers fought in World War II where Joseph Stalin was also a commander." }, { "source": "webnlg", "text": "Allan Shivers fought battles in World War II and the commander of Russia at the time was Joseph Stalin." } ] }, { "tripleset": [ [ "Allan Shivers", "BIRTH_PLACE", "Lufkin, Texas" ], [ "Allan Shivers", "OFFICE_(WORKED_AT,_WORKED_AS)", "\"Member of the Texas State Senate from District 4 (Port Arthur)\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Allan Shivers was born in Lufkin, Texas and was a member of the Texas State Senate from District 4 (Port Arthur)." }, { "source": "webnlg", "text": "Allan Shivers who worked as a member of the Texas State Senate from District 4 (Port Arthur), was born in Lufkin, Texas." }, { "source": "webnlg", "text": "Allan Shivers was a member of the Texas State Senate District 4 for Port Arthur and was born in Lufkin Texas." } ] }, { "tripleset": [ [ "Allan Shivers", "OFFICE_(WORKED_AT,_WORKED_AS)", "\"Member of the Texas State Senate from District 4 (Port Arthur)\"" ], [ "Allan Shivers", "SUCCESSOR", "Ben Ramsey" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Allan Shivers was part of the Texas State Senate District 4 for Port Arthur. Ben Ramsey succeeded him." }, { "source": "webnlg", "text": "Allan Shivers worked as a member of the Texas State Senate from District 4 (Port Arthur) he was succeed by Ben Ramsey." }, { "source": "webnlg", "text": "Allan Shivers was a member of the Texas State Senate District 4 for Port Arthur and Ben Ramsey succeeded him." } ] }, { "tripleset": [ [ "Alvah Sabin", "DATE_OF_BIRTH", "1793-10-23" ], [ "Alvah Sabin", "OFFICE_(WORKED_AT,_WORKED_AS)", "Secretary of State of Vermont" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alvah Sabin was born October 23, 1793 and worked as the secretary of the State of Vermont." }, { "source": "webnlg", "text": "Alvah Sabin was born October 23, 1793. He worked as secretary of Vermont." }, { "source": "webnlg", "text": "Alvah Sabin was born October 23, 1793 and worked as the Secretary of State of Vermont." } ] }, { "tripleset": [ [ "Netherlands", "CURRENCY", "Euro" ], [ "Agnes Kant", "COUNTRY", "Netherlands" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Agnes Kant's country is the Netherlands where the currency is the euro." }, { "source": "webnlg", "text": "Agnes Kant is a resident of Netherlands which uses the Euro as its currency.." }, { "source": "webnlg", "text": "Agnes Kant comes from the Netherlands where the currency is the Euro." } ] }, { "tripleset": [ [ "Netherlands", "LEADER_NAME", "Mark Rutte" ], [ "Agnes Kant", "COUNTRY", "Netherlands" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Agnes Kant lives in The Netherlands whose leader is Mark Rutte." }, { "source": "webnlg", "text": "Agnes Kant is from the Netherlands, the leader of which, is Mark Rutte." }, { "source": "webnlg", "text": "Agnes Kant's country is the Netherlands, the leader of which, is Mark Rutte." } ] }, { "tripleset": [ [ "Parkersburg, West Virginia", "COUNTRY", "United States" ], [ "Albert B. White", "DEATH_PLACE", "Parkersburg, West Virginia" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Albert B White died in Parkersburg, West Virginia, which is part of the United States." }, { "source": "webnlg", "text": "Albert B White died at Parkersburg, West Virginia, in the United States." }, { "source": "webnlg", "text": "Albert B. White died in Parkersburg, West Virginia United States." } ] }, { "tripleset": [ [ "Aaron Boogaard", "CLUB", "Wichita Thunder" ], [ "Aaron Boogaard", "BIRTH_PLACE", "Saskatchewan" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Aaron Boogaard was born in Saskatchewan and his club is Wichita Thunder." }, { "source": "webnlg", "text": "Aaron Boogaard was born in Saskatchewan and plays for Wichita Thunder." }, { "source": "webnlg", "text": "Aaron Boogaard was born in Saskatchewan and played for Wichita Thunder club." } ] }, { "tripleset": [ [ "Abel Hern\u00e1ndez", "CLUB", "Pe\u00f1arol" ], [ "Pe\u00f1arol", "MANAGER", "Jorge Orosm\u00e1n da Silva" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Abel Hernandez played for the club Penarol, which was managed by Jorge Orosm\u00e1n da Silva." }, { "source": "webnlg", "text": "Abel Hernandez has played for the club Pe\u00f1arol which is managed by Jorge Orosm\u00e1n da Silva." }, { "source": "webnlg", "text": "Pe\u00f1arol, managed by Jorge Orosm\u00e1n da Silva, is a former club of the player Abel Hernandez." } ] }, { "tripleset": [ [ "Abel Hern\u00e1ndez", "CLUB", "U.S. Citt\u00e0 di Palermo" ], [ "Abel Hern\u00e1ndez", "CLUB", "Pe\u00f1arol" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Abel Hernandez plays for the US Citta de Palermo club and also played for Penarol." }, { "source": "webnlg", "text": "Abel Hernandez's club is US Citta di Palermo and Penarol." }, { "source": "webnlg", "text": "Abel Hern\u00e1ndez has played for the clubs US Citt\u00e0 di Palermo and Penarol." } ] }, { "tripleset": [ [ "Adam Maher", "CLUB", "Netherlands national under-17 football team" ], [ "Adam Maher", "CLUB", "AZ Alkmaar" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Adam Maher is connected to the AZ Alkmaar club and plays for the Netherlands National club for players under 17." }, { "source": "webnlg", "text": "AZ Alkmaar player Adam Maher represented the Netherlands national side at Under 17 level." }, { "source": "webnlg", "text": "Adam Maher is connected to the AZ Alkmaar club and played for the Netherlands national under-17 football team." } ] }, { "tripleset": [ [ "Adam Maher", "CLUB", "PSV Eindhoven" ], [ "Adam Maher", "CLUB", "Netherlands national under-17 football team" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Adam Maher's club is PSV Eindhoven and he played for the Netherlands national under-17 football team." }, { "source": "webnlg", "text": "Adam Maher played for PSV Eindhoven and represented the Netherlands under 17 football team." }, { "source": "webnlg", "text": "Adam Maher, whose club is PSV Eindhoven, plays for Netherlands National under 17 club." } ] }, { "tripleset": [ [ "Ahmad Kadhim Assad", "CLUB", "Steel Azin F.C." ], [ "Ahmad Kadhim Assad", "CLUB", "Al Shorta SC" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Ahmad Kadhim Assad clubs are Steel Azin FC and Al Shorta SC." }, { "source": "webnlg", "text": "Ahmad Kadhim Assad played for both Steel Azin F.C. and Al Shorta SC." } ] }, { "tripleset": [ [ "Akeem Adams", "CLUB", "Ferencv\u00e1rosi TC" ], [ "Ferencv\u00e1rosi TC", "MANAGER", "Thomas Doll" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Akeem Adams played for Ferencvarosi TC, where the manager is Thomas Doll." }, { "source": "webnlg", "text": "Akeem Adams club is Ferencvarosi TC, where the manager is Thomas Doll." }, { "source": "webnlg", "text": "Ferencvarosi TC is managed by Thomas Doll and is the club of Akeem Adams." } ] }, { "tripleset": [ [ "Akeem Adams", "CLUB", "Trinidad and Tobago national football team" ], [ "Akeem Adams", "CLUB", "T&amp;TEC Sports Club" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Akeem Adams plays for the Trinidad and Tobago National football team and the T&amp;TEC Sports Club." }, { "source": "webnlg", "text": "Akeem Adams, who plays for the Trinidad and Tobago national football team formerly played for the T&amp;TEC Sports Club." } ] }, { "tripleset": [ [ "Akeem Ayers", "FORMER_TEAM", "New England Patriots" ], [ "Akeem Ayers", "DRAFT_PICK", "\"39\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Akeem Ayers was number 39 in the draft pick and his former team was New England Patriots." }, { "source": "webnlg", "text": "Akeem Ayers draft pick is 39 ad his former team is the New England Patriots." }, { "source": "webnlg", "text": "Akeem Ayers was number 39 in the draft pick and was a former member of the New England Patriots." } ] }, { "tripleset": [ [ "Akeem Ayers", "FORMER_TEAM", "Tennessee Titans" ], [ "Akeem Ayers", "DRAFT_PICK", "\"39\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Akeem Ayers' former team was Tennessee Titans and he was number 39 in the draft pick." }, { "source": "webnlg", "text": "Akeem Ayers used to play for Tennessee Titans and he was number 39 in the draft pick." }, { "source": "webnlg", "text": "Akeem Ayers played for Tennessee Titans and was 39 in the draft pick." } ] }, { "tripleset": [ [ "Akeem Dent", "DATE_OF_BIRTH", "1987" ], [ "Akeem Dent", "DATE_OF_BIRTH", "1987-09-27" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Akeem Dent was born September 27, 1987." }, { "source": "webnlg", "text": "Akeem Dent date of birth is the 27th September 1987." }, { "source": "webnlg", "text": "Akeem Dent was born on 27 September 1987." } ] }, { "tripleset": [ [ "Akeem Priestley", "CLUB", "Connecticut Huskies" ], [ "Akeem Priestley", "CLUB", "Sheikh Russel KC" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Akeem Priestley's club is the Connecticut Huskies and he previously played for Sheikh Russel KC." }, { "source": "webnlg", "text": "Akeem Priestley plays for the Connecticut Huskies, having previously played for Sheikh Russel KC." }, { "source": "webnlg", "text": "Akeem Priestley plays for the Connecticut Huskies and formerly played for Sheikh Russel KC." } ] }, { "tripleset": [ [ "Akeem Priestley", "CLUB", "RoPS" ], [ "Akeem Priestley", "CLUB", "Sheikh Russel KC" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Akeem Priestley\u2019s club is RoPS and he played for Sheikh Russel KC." }, { "source": "webnlg", "text": "Akeem Priestley plays for Sheikh Russel KC and formerly for RoPS." }, { "source": "webnlg", "text": "Akeem Priestley played for the clubs RoPS and Sheikh Russel KC." } ] }, { "tripleset": [ [ "Alaa Abdul-Zahra", "CLUB", "Al-Khor Sports Club" ], [ "Al-Khor Sports Club", "GROUND", "Al Khor" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alaa Abdul Zahra plays for Al-Khor Sports Club located in Al-Khor." }, { "source": "webnlg", "text": "Alaa Abdul -Zahra has played for Al-Khor Sports Club, located in Al-Khor." }, { "source": "webnlg", "text": "Alaa Abdul Zahra plays for the Al-Khor Sports Club, located in Al-Khor." } ] }, { "tripleset": [ [ "Alaa Abdul-Zahra", "CLUB", "Al Kharaitiyat SC" ], [ "Al Kharaitiyat SC", "MANAGER", "Amar Osim" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alaa Abdul Zahra's club is AL Kharaitiyat SC managed by Amar Osim." }, { "source": "webnlg", "text": "Alaa Abdul Zahra plays for Al Kharaitiyat SC managed by Amar Osim." } ] }, { "tripleset": [ [ "Alan Martin (footballer)", "CLUB", "Hamilton Academical F.C." ], [ "Alan Martin (footballer)", "CLUB", "Leeds United F.C." ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Former clubs of the footballer Alan Martin include Hamilton Academicals FC and Leeds United FC." }, { "source": "webnlg", "text": "Alan Martin plays football for Hamilton Academical F.C and Leeds United F.C." }, { "source": "webnlg", "text": "Alan Martin is a footballer who plays for Hamilton Academical and Leeds United football clubs." } ] }, { "tripleset": [ [ "Alan Martin (footballer)", "CLUB", "Hamilton Academical F.C." ], [ "Hamilton Academical F.C.", "GROUND", "New Douglas Park" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alan Martin once played for Hamilton Academicals FC, which plays their home games at New Douglas Park." }, { "source": "webnlg", "text": "Hamilton Academical FC's ground is New Douglas Park and is the club of Alan Martin." }, { "source": "webnlg", "text": "Alan Martin played for Hamilton Academical F.C. at New Douglas Park." } ] }, { "tripleset": [ [ "Aleksander Barkov, Jr.", "CLUB", "Florida Panthers" ], [ "Aleksander Barkov, Jr.", "DATE_OF_BIRTH", "1995-09-02" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Aleksander Barkov was born on 2 September 1995 and plays for the Florida Panthers." }, { "source": "webnlg", "text": "Aleksander Barkov Jr. was born on the 2nd September 1995 and plays for the Florida Panthers." }, { "source": "webnlg", "text": "Born on 2nd September 1995, Aleksander Barkov Jr plays for the Florida Panthers." } ] }, { "tripleset": [ [ "Aleksander Barkov, Jr.", "CLUB", "Florida Panthers" ], [ "Aleksander Barkov, Jr.", "BIRTH_PLACE", "\"Tampere, Finland\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Aleksander Barkov Jr . was born in Tampere, Finland and played with the Florida Panthers." }, { "source": "webnlg", "text": "Aleksander Barkov Jr was born in Tampere Finland and plays for the Florida Panthers." }, { "source": "webnlg", "text": "Born in Tampere, Finland, Aleksander Barkov Jr played for the Florida Panthers." } ] }, { "tripleset": [ [ "Aleksandr Chumakov", "CLUB", "FC Torpedo Moscow" ], [ "FC Torpedo Moscow", "MANAGER", "Valery Petrakov" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Aleksandr Chumakov has played for the club FC Torpedo Moscow, which is managed by Valery Petrakov." }, { "source": "webnlg", "text": "FC Torpedo Moscow, managed by Valery Petrakov, is a former club of Aleksandr Chumakov." }, { "source": "webnlg", "text": "FC Torpedo Moscow, managed by Valery Petrakov, is the former club of Aleksandr Chumakov." } ] }, { "tripleset": [ [ "Aleksandr Prudnikov", "CLUB", "FC Spartak Moscow" ], [ "Aleksandr Prudnikov", "CLUB", "FC Kuban Krasnodar" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Aleksandr Prudnikov's club is FC Spartak Moscow and he also plays for the FC Kuban Krasnodar club." }, { "source": "webnlg", "text": "Former clubs of Aleksandr Prudnikov include FC Spartak Moscow and FC Kuban Krasnodar." }, { "source": "webnlg", "text": "Aleksandr Prudnikov has played for FC Spartak Moscow and FC Kuban Krasnodar." } ] }, { "tripleset": [ [ "Aleksandr Prudnikov", "CLUB", "FC Tom Tomsk" ], [ "FC Tom Tomsk", "LEAGUE", "Russian Football National League" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Aleksandr Prudinov plays for FC Tom Tomsk, which plays in the Russian National Football League." }, { "source": "webnlg", "text": "Aleksandr Prudnikov plays for FC Tom Tomsk which plays in the Russian Football National league." }, { "source": "webnlg", "text": "Aleksandr Prudnikov is with the FC Tom Tomsk which is in the Russian Football National League." } ] }, { "tripleset": [ [ "Aleksandre Guruli", "CLUB", "FC Karpaty Lviv" ], [ "Aleksandre Guruli", "CLUB", "FC Dinamo Batumi" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Aleksandre Guruli played for FC Karpaty Lviv and FC Dinamo Batumi." }, { "source": "webnlg", "text": "Aleksandre Guruli's club is FC Karpaty Lviv and he also played for FC Dinamo Batumi." }, { "source": "webnlg", "text": "Aleksandre Guruli plays for FC Karpaty Lviv club and FC Dinamo Batumi." } ] }, { "tripleset": [ [ "Alex Plante", "DATE_OF_BIRTH", "1989" ], [ "Alex Plante", "BIRTH_PLACE", "Manitoba" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alex Plante was born in 1989 in Manitoba." }, { "source": "webnlg", "text": "Alex Plante was born in Manitoba in 1989." } ] }, { "tripleset": [ [ "Alex Tyus", "CLUB", "Pallacanestro Cant\u00f9" ], [ "Alex Tyus", "DATE_OF_BIRTH", "1988-01-08" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alex Tyus was born on the 8th January 1988 and plays for the club Pallacanestro Cantu." }, { "source": "webnlg", "text": "Born on January 8th 1988, Alex Tyus plays for the club Pallacanestro Cantu." }, { "source": "webnlg", "text": "Alex Tyus was born on the 8th January 1988 and his club is Pallacanestro Cantu." } ] }, { "tripleset": [ [ "Alex Tyus", "LEAGUE", "Turkish Basketball Super League" ], [ "Alex Tyus", "CLUB", "Maccabi Tel Aviv B.C." ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alex Tyus plays for the club, Maccabi Tel Aviv B.C which is in the Turkish Basketball Super league." }, { "source": "webnlg", "text": "Alex Tyus has played in the Turkish Basketball Super League and has also represented the club Maccabi Tel Aviv BC." }, { "source": "webnlg", "text": "Alex Tyus plays for Maccabi Tel Aviv B.C. in the Turkish Basketball Super League." } ] }, { "tripleset": [ [ "Brandon, Manitoba", "LEADER_NAME", "Conservative Party of Canada" ], [ "Alex Plante", "BIRTH_PLACE", "Brandon, Manitoba" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alex Plante was born in Brandon, Manitoba, which is led by the Conservative Party of Canada." }, { "source": "webnlg", "text": "The Conservative Party of Canada is the leader of Brandon, Manitoba, where Alex Plante was born." }, { "source": "webnlg", "text": "Alex Plante's birth place is Brandon, Manitoba where the leader is the Conservative Party of Canada." } ] }, { "tripleset": [ [ "Canada", "ANTHEM", "O Canada" ], [ "Adam McQuaid", "BIRTH_PLACE", "Canada" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Adam McQuaid was born in Canada where the national anthem is O Canada." }, { "source": "webnlg", "text": "Adam McQuaid came from Canada whose anthem is O Canada." }, { "source": "webnlg", "text": "Canada is the birthplace of Adam McQuaid and their national anthem is O Canada." } ] }, { "tripleset": [ [ "Canada", "LANGUAGE", "English language" ], [ "Adam McQuaid", "BIRTH_PLACE", "Canada" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Adam McQuaid was born in Canada where the English language is spoken." }, { "source": "webnlg", "text": "The English language is spoken in Canada which is the birthplace of Adam McQuaid." } ] }, { "tripleset": [ [ "FC Dinamo Batumi", "MANAGER", "Levan Khomeriki" ], [ "Aleksandre Guruli", "CLUB", "FC Dinamo Batumi" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Aleksandre Guruli played for FC Dinamo Batumi managed by Levan Khomeriki." }, { "source": "webnlg", "text": "Aleksandre Guruli plays for FC Dinamo Batumi managed by Levan Khomeriki." }, { "source": "webnlg", "text": "Aleksandre Guruli played for FC Dinamo Batumi, managed by Levan Khomeriki." } ] }, { "tripleset": [ [ "FC Spartak Moscow", "GROUND", "Otkrytiye Arena" ], [ "Aleksandr Prudnikov", "CLUB", "FC Spartak Moscow" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Aleksandr Prudnikov played with the Spartak Moscow FC whose playing ground is the Otkrytiye Arena." }, { "source": "webnlg", "text": "Aleksandr Prudnikov plays for FC Spartak Moscow at the Otkrytiye Arena." } ] }, { "tripleset": [ [ "RoPS", "LEAGUE", "Veikkausliiga" ], [ "Akeem Priestley", "CLUB", "RoPS" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Akeem Priestley\u2019s club is RoPS which plays in the Veikkausliiga." }, { "source": "webnlg", "text": "Akeem Priestley plays for the club RoPS in the Veikkausliiga league." }, { "source": "webnlg", "text": "Akeem Priestley played for club RoPS in the Veikkausliiga." } ] }, { "tripleset": [ [ "United Petrotrin F.C.", "GROUND", "Palo Seco Velodrome" ], [ "Akeem Adams", "CLUB", "United Petrotrin F.C." ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Akeem Adams played for United Petrotrin FC whose ground is Palo Seco Velodrome." }, { "source": "webnlg", "text": "Akeem Adams played for United Petrotrin FC, who were playing in Palo Seco Velodrome." } ] }, { "tripleset": [ [ "Aaron Deer", "GENRE", "Psychedelia" ], [ "Aaron Deer", "INSTRUMENT", "Guitar" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Guitarist Aaron Deer plays Psychedelia." }, { "source": "webnlg", "text": "Aaron Deer plays the guitar and performs Psychedelia music." }, { "source": "webnlg", "text": "Guitarist Aaron Deer performs music from the Psychedelia genre." } ] }, { "tripleset": [ [ "Aaron Deer", "ORIGIN", "United States" ], [ "Aaron Deer", "ORIGIN", "Indiana" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Aaron Deer is from Indiana in the United States." }, { "source": "webnlg", "text": "Aaron Deer is from the United States, specifically Indiana." }, { "source": "webnlg", "text": "Aaron Deer was born in Indiana in the United states." } ] }, { "tripleset": [ [ "Aaron Turner", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Twilight (band)" ], [ "Aaron Turner", "GENRE", "Electroacoustic music" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Aaron Turner performs electroacoustic music and played with the band Twilight." }, { "source": "webnlg", "text": "Aaron Turner performs electroacoustic music and he played with the band Twilight." }, { "source": "webnlg", "text": "Aaron Turner was with the band Twilight and plays electroacoustic music." } ] }, { "tripleset": [ [ "Aaron Turner", "INSTRUMENT", "Singing" ], [ "Aaron Turner", "GENRE", "Avant-garde metal" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Aaron Turner sings for a living and uses the musical genre Avant-garde metal." }, { "source": "webnlg", "text": "Aaron Turner is an avant-garde metal music singer." }, { "source": "webnlg", "text": "Singer Aaron Turner plays Avant-Garde Metal music." } ] }, { "tripleset": [ [ "Abradab", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Magik (rapper)" ], [ "Abradab", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Kaliber 44" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Abradab, an artist for the band Kaliber 44, is associated with Magik (rapper)." }, { "source": "webnlg", "text": "Abradab played with the band Kaliber 44 and is associated with the rapper Magik." }, { "source": "webnlg", "text": "Abradab is an artist for the band Kaliber 44 and he is associated with the rapper Magik." } ] }, { "tripleset": [ [ "Abradab", "DATE_OF_BIRTH", "1978-11-12" ], [ "Abradab", "BIRTH_PLACE", "Katowice" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Abradab was born on November 12, 1978 in Katowice." }, { "source": "webnlg", "text": "Abradab was born in Katowice on 12th November 1978." } ] }, { "tripleset": [ [ "Abradab", "BIRTH_PLACE", "Katowice" ], [ "Abradab", "BIRTH_PLACE", "Poland" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Abradab was born in Katowice, Poland." }, { "source": "webnlg", "text": "The birth place of Abradab is Poland, in Katowice." }, { "source": "webnlg", "text": "Abradab was born is Katowice, Poland." } ] }, { "tripleset": [ [ "Ace Wilder", "GENRE", "Hip hop music" ], [ "Hip hop music", "STYLISTIC_ORIGIN", "Disco" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Ace Wilder is an exponent of hip hop music, a style that originated from disco." }, { "source": "webnlg", "text": "The musical genre of Ace Wilder is hip hop music which has its origins in Disco." }, { "source": "webnlg", "text": "Ace Wilder's musical genre is Hip hop music which has its origins in Disco." } ] }, { "tripleset": [ [ "Ace Wilder", "RECORD_LABEL", "Warner Music Group" ], [ "Ace Wilder", "BACKGROUND", "\"solo singer\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Ace Wilder has a background as a solo singer and is signed to the record label Warner Music Group." }, { "source": "webnlg", "text": "Ace Wilder is a solo singer who uses the record label Warner Music group." }, { "source": "webnlg", "text": "Ace Wilder is a solo singer with the record label Warner Music Group." } ] }, { "tripleset": [ [ "Agust\u00edn Barboza", "BIRTH_PLACE", "Paraguay" ], [ "Agust\u00edn Barboza", "RECORD_LABEL", "Philips Records" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Born in Paraguay, Agustin Barboza is signed to Philips Records." }, { "source": "webnlg", "text": "Paraguay born Agustin Barboza is signed to Philips Records." }, { "source": "webnlg", "text": "Agustin Barboza was born in Paraguay and is signed to Philips Records." } ] }, { "tripleset": [ [ "Alan Frew", "GENRE", "Rock music" ], [ "Rock music", "MUSIC_FUSION_GENRE", "Bhangra (music)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alan Frew is a rock musician, which includes fusion and Bhangra styles." }, { "source": "webnlg", "text": "Alan Frew's genre is Rock music of which bhangra is a fusion of rock." }, { "source": "webnlg", "text": "Alan Frews' musical genre is rock music and a type of rock music fusion is Bhangra." } ] }, { "tripleset": [ [ "Alan Frew", "GENRE", "Rock music" ], [ "Rock music", "STYLISTIC_ORIGIN", "Country music" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alan Frew plays rock music, which originated from country music." }, { "source": "webnlg", "text": "Alan Frews' musical genre is rock music, which originated from country music." }, { "source": "webnlg", "text": "Alan Frew plays rock music which has its roots in country music." } ] }, { "tripleset": [ [ "Albennie Jones", "GENRE", "Jazz" ], [ "Jazz", "STYLISTIC_ORIGIN", "Blues" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Jazz music originated from blues music. Albennie Jones is a jazz performer." }, { "source": "webnlg", "text": "Albennie Jones plays Jazz, which originated from Blues music." }, { "source": "webnlg", "text": "The origins of Jazz is Blues and a jazz artist is Albennie Jones." } ] }, { "tripleset": [ [ "Aleksandra Kova\u010d", "GENRE", "Pop music" ], [ "Aleksandra Kova\u010d", "BACKGROUND", "\"solo singer\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Aleksandra Kovac has been a solo singer , and a performer in the pop music genre." }, { "source": "webnlg", "text": "With a background in solo singing, Aleksandra Kova\u010d, belongs to the musical genre of Pop." }, { "source": "webnlg", "text": "Aleksandra Kova\u010d is a solo pop musician singer." } ] }, { "tripleset": [ [ "Aleksandra Kova\u010d", "GENRE", "Rhythm and blues" ], [ "Rhythm and blues", "STYLISTIC_ORIGIN", "Blues" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Aleksandra Kovac plays rhythm and blues, which originated from blues music." }, { "source": "webnlg", "text": "Aleksandra Kovac is an exponent of Rhythm and blues, the music that originated from the blues." }, { "source": "webnlg", "text": "Aleksandra Kovac plays rhythm and blues which originated from blues music." } ] }, { "tripleset": [ [ "Aleksandra Kova\u010d", "GENRE", "Soul music" ], [ "Aleksandra Kova\u010d", "ACTIVE_YEARS_START_YEAR", "1990" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Aleksandra Kovac stared in 1990 and she performs soul music." }, { "source": "webnlg", "text": "Aleksandra Kova\u010d began her musical career in 1990, she performs soul music." }, { "source": "webnlg", "text": "Aleksandra Kovac is a soul music performer who began her musical career in 1990." } ] }, { "tripleset": [ [ "Alex Day", "GENRE", "Synthpop" ], [ "Synthpop", "STYLISTIC_ORIGIN", "New wave music" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alex Day plays Synthpop, which originated from new wave music." }, { "source": "webnlg", "text": "Alex Day performs Synthpop music which has its stylistic origin in new wave music." }, { "source": "webnlg", "text": "Alex Day plays Synthpop, which is derived from New Wave music." } ] }, { "tripleset": [ [ "Alfred Garth Jones", "BIRTH_PLACE", "England" ], [ "Alfred Garth Jones", "DATE_OF_BIRTH", "1872" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alfred Garth Jones was in England in 1872." }, { "source": "webnlg", "text": "Alfred Garth Jones was born in England in 1872." }, { "source": "webnlg", "text": "Alfred Garth Jones was born in 1872 in England." } ] }, { "tripleset": [ [ "Alfredo Zitarrosa", "BACKGROUND", "\"solo singer\"" ], [ "Alfredo Zitarrosa", "GENRE", "Milonga (music)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The musical genre of Alfredo Zitarrosa, who started out as a solo singer, is Milonga." }, { "source": "webnlg", "text": "Solo singer Alfredo Zitarrosa is a Milonga stylist." }, { "source": "webnlg", "text": "Alfredo Zitarrosa is a Milonga musician, who started out as a solo singer." } ] }, { "tripleset": [ [ "Alfredo Zitarrosa", "BACKGROUND", "\"solo singer\"" ], [ "Alfredo Zitarrosa", "GENRE", "Taquirari" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alfredo Zitarrosa, whose background was as a solo singer, is a performer of Taquirari." }, { "source": "webnlg", "text": "Alfredo Zitarrosa started out as a solo singer and is an exponent of Taquirari." }, { "source": "webnlg", "text": "Singer Alfredo Zitarrosa's musical genre is Taquirari." } ] }, { "tripleset": [ [ "Alfredo Zitarrosa", "BIRTH_PLACE", "Uruguay" ], [ "Alfredo Zitarrosa", "DEATH_PLACE", "Montevideo" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alfredo Zitarrosa, was born in Uruguay and died in Montevideo." }, { "source": "webnlg", "text": "Born in Uruguay, Alfredo Zitarrosa died in Montevideo." }, { "source": "webnlg", "text": "Alfredo Zitarrosa was born in Uruguay and he died in Montevideo." } ] }, { "tripleset": [ [ "Alfredo Zitarrosa", "DEATH_PLACE", "Uruguay" ], [ "Alfredo Zitarrosa", "BIRTH_PLACE", "Montevideo" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alfredo Zitarrosa was born in Montevideo and died in Uruguay." } ] }, { "tripleset": [ [ "Alfredo Zitarrosa", "GENRE", "Zamba (artform)" ], [ "Alfredo Zitarrosa", "BACKGROUND", "\"solo singer\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alfredo Zitarrosa's genre is Zamba which is considered an art form and he started out as a solo singer." }, { "source": "webnlg", "text": "Alfredo Zitarrosa has a background as a solo singer and performs Zamba music." }, { "source": "webnlg", "text": "Alfredo Zitarrosa performs Zamba music and started out as a solo singer." } ] }, { "tripleset": [ [ "Alison O'Donnell", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Plastik Mak" ], [ "Alison O'Donnell", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Bajik" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alison O'Donnell is a musician associated with the Plastik Mak and was also associated with the band Bajik." }, { "source": "webnlg", "text": "Alison O'Donnell was with the bands Bajik and Plastik Mak." }, { "source": "webnlg", "text": "Plastik Mak and Bajik are acts associated with Alison O'Donnell." } ] }, { "tripleset": [ [ "Alison O'Donnell", "GENRE", "Folk rock" ], [ "Alison O'Donnell", "RECORD_LABEL", "Floating World Records" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alison O'Donnell is a folk rock musician signed to Floating World Records." }, { "source": "webnlg", "text": "Alison O'Donnell's musical genre is folk rock and her recording label is Floating World Records." }, { "source": "webnlg", "text": "Alison O'Donnell, a folk rock artist, signed to the record label, Floating World Records." } ] }, { "tripleset": [ [ "Alison O'Donnell", "GENRE", "Jazz" ], [ "Alison O'Donnell", "INSTRUMENT", "\"Voice, bodhr\u00e1n, percussion, autoharp\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alison O'Donnell is a jazz musician who sings and also plays the bodhran, percussion and the autoharp." }, { "source": "webnlg", "text": "Alison O'Donnell performs jazz music, she plays the bodhran, perscussion, and autoharp in addition to singing." }, { "source": "webnlg", "text": "Alison O'Donnell performs jazz music and is a singer and also plays the bodhran, percussion and autoharp." } ] }, { "tripleset": [ [ "Allen Forrest", "GENRE", "Hip hop music" ], [ "Allen Forrest", "BACKGROUND", "\"solo singer\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Hip Hop artist Allen Forrest is a solo singer." }, { "source": "webnlg", "text": "Allen Forrest is a solo singer whose genre is Hip Hop music." }, { "source": "webnlg", "text": "Allen Forrest is a solo singer whose musical genre is hip hop." } ] }, { "tripleset": [ [ "Alternative rock", "MUSIC_SUBGENRE", "Christian alternative rock" ], [ "Andrew White (musician)", "GENRE", "Alternative rock" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The musician Andrew White's genre is alternative rock, the genre which has the sub genre Christian alternative rock." }, { "source": "webnlg", "text": "The musician Andrew White's genre is alternative rock which has the subgenre of Christian alternative rock." }, { "source": "webnlg", "text": "Andrew White performs alternative rock music. A sub genre or alternative rock is Christian alternative rock." } ] }, { "tripleset": [ [ "Anders Osborne", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Phil Lesh and Friends" ], [ "Anders Osborne", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Tab Benoit" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Anders Osborne is associated with Phil Lesh and Friends and he has worked with Tab Benoit." }, { "source": "webnlg", "text": "Anders Osborne is associated with Phil Lesh and Friends as well as Tab Benoit." }, { "source": "webnlg", "text": "Anders Osborne has worked with Tab Benoit and is associated with Phil Lesh and Friends." } ] }, { "tripleset": [ [ "Anders Osborne", "GENRE", "Rhythm and blues" ], [ "Anders Osborne", "RECORD_LABEL", "Rabadash Records" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Rhythm and blues artist Anders Osborne is signed with Rabadash Records." }, { "source": "webnlg", "text": "Anders Osborne genre is Rhythm and blues and his record label is Rabadash Records." }, { "source": "webnlg", "text": "Anders Osborne's genre is Rhythm and blues and he is signed to the Rabadash Records label." } ] }, { "tripleset": [ [ "Anders Osborne", "GENRE", "Rhythm and blues" ], [ "Anders Osborne", "RECORD_LABEL", "Shanachie Records" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Rhythm and blues artist Anders Osborne performs under the Shanachie Records label." }, { "source": "webnlg", "text": "Anders Osborne performs rhythm and blues music and is signed to Shanachie Records." }, { "source": "webnlg", "text": "Anders Osborne performs rhythm and blues music and his record label is Shanachie Records." } ] }, { "tripleset": [ [ "Andra (singer)", "GENRE", "Pop music" ], [ "Andra (singer)", "ACTIVE_YEARS_START_YEAR", "2000" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Andra began her Pop music singing career in 2000." }, { "source": "webnlg", "text": "Andra is a pop singer who started in 2000." }, { "source": "webnlg", "text": "Andra began her singing career in 2000 and sings pop music." } ] }, { "tripleset": [ [ "Andra (singer)", "GENRE", "Rhythm and blues" ], [ "Rhythm and blues", "STYLISTIC_ORIGIN", "Blues" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Andra sings rhythm and blues, which originated from blues." }, { "source": "webnlg", "text": "Andra performs rhythm and blues music, a style that originated from blues." }, { "source": "webnlg", "text": "Andra is a singer of rhythm and blues which originated from the blues." } ] }, { "tripleset": [ [ "Andrew Rayel", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Christian Burns" ], [ "Andrew Rayel", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Jonathan Mendelsohn" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Andrew Rayel, is associated with musical artist Jonathan Mendelsohn and Christian Burns." }, { "source": "webnlg", "text": "Andrew Rayel is associated with Christian Burns and the musical artist Jonathan Mendelsohn." }, { "source": "webnlg", "text": "Andrew Rayel is musically associated with Christian Burns and Jonathan Mendelsohn." } ] }, { "tripleset": [ [ "Andrew Rayel", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Jonathan Mendelsohn" ], [ "Andrew Rayel", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Mark Sixma" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Andrew Rayel is associated with both musical artist Jonathan Mendelsohn and Mark Sixma." }, { "source": "webnlg", "text": "Andrew Rayel has worked musically with Jonathan Mendelsohn and Mark Sixma." }, { "source": "webnlg", "text": "Andrew Rayel is associated with Jonathan Mendelsohn and Mark Sima." } ] }, { "tripleset": [ [ "Andrew Rayel", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Jwaydan Moyine" ], [ "Andrew Rayel", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Armin van Buuren" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Andrew Rayel is associated with both the musician Jwaydan Moyine and Armin van Buuren." }, { "source": "webnlg", "text": "Andrew Rayel is associated with the musician Jwaydan Moyine and the musical artist Armin van Buuren." }, { "source": "webnlg", "text": "Andrew Rayel is associated with the musicians Jwaydan Moyine and Armin van Buuren." } ] }, { "tripleset": [ [ "Andrew White (musician)", "GENRE", "Alternative rock" ], [ "Alternative rock", "STYLISTIC_ORIGIN", "New wave music" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The musician Andrew White's genre is alternative rock which has origins in New wave music." }, { "source": "webnlg", "text": "New wave music is the origin of Alternative rock, which is the genre of Andrew White." }, { "source": "webnlg", "text": "Andrew White is an alternative rock musician . New Wave music was the origin of Alternative rock." } ] }, { "tripleset": [ [ "Country music", "INSTRUMENT", "Banjo" ], [ "Al Anderson (NRBQ band)", "GENRE", "Country music" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Al Anderson of NRBQ is a country musician in which genre the banjo features." }, { "source": "webnlg", "text": "Al Anderson of NRBQ performs country music which is a genre of music which uses the banjo." }, { "source": "webnlg", "text": "Al Anderson (NRBQ band) performs country music, in which the banjo is one of the instruments." } ] }, { "tripleset": [ [ "Polydor Records", "LOCATION", "London" ], [ "Andrew White (musician)", "RECORD_LABEL", "Polydor Records" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Andrew White records under label Polydor Records, who are based in London." }, { "source": "webnlg", "text": "Andrew White is a musician signed to the record label Polydor Records which is located in London." }, { "source": "webnlg", "text": "Andrew White is a musician signed to Polydor Records which are based in London." } ] }, { "tripleset": [ [ "(19255) 1994 VK8", "ESCAPE_VELOCITY", "0.0925 (kilometrePerSeconds)" ], [ "(19255) 1994 VK8", "APOAPSIS", "6603633000.0 (kilometres)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "(19255) 1994 VK8 has an escape velocity of 0.0925 km/s and an apoapsis of 6603633000.0 km." }, { "source": "webnlg", "text": "(19255) 1994 VK8 has an apoapsis of 6603633000.0 km and an escape velocity of 0.0925 km per sec." }, { "source": "webnlg", "text": "(19255) 1994 VK8 has an escape velocity of 0.0925 kilometres per second, and an apoapsis of 6603633000.0 km." } ] }, { "tripleset": [ [ "(410777) 2009 FD", "APOAPSIS", "259776702.47055 (kilometres)" ], [ "(410777) 2009 FD", "MINIMUM_TEMPERATURE", "211.0 (kelvins)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "(410777) 2009 FD has an apoapsis of 259776702.47055 kilometres and a minimum temperature of 211.0 kelvins." } ] }, { "tripleset": [ [ "(410777) 2009 FD", "PERIAPSIS", "88234300000.0" ], [ "(410777) 2009 FD", "DISCOVERER", "Spacewatch" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "(410777) 2009 FD, which was discovered by Spacewatch, has a periapsis of 88234300000.0." } ] }, { "tripleset": [ [ "(66063) 1998 RO1", "EPOCH", "2013-11-04" ], [ "(66063) 1998 RO1", "ESCAPE_VELOCITY", "0.0999 (kilometrePerSeconds)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "(66063) 1998 RO1, with the epoch date 2013-11-04, has an escape velocity of 0.0999 km/s." }, { "source": "webnlg", "text": "The escape velocity of (66063) 1998 R01 is 0.0999 km/sec and its epoch is on the 13th of January 2016." }, { "source": "webnlg", "text": "The epoch of (66063) 1998 RO1 is on the 13th of January 2016 and it has an escape velocity of 0.0999 kilometres per second." } ] }, { "tripleset": [ [ "(66391) 1999 KW4", "EPOCH", "2004-07-14" ], [ "(66391) 1999 KW4", "ORBITAL_PERIOD", "16244700.0" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "(66391) 199 KW4 has an epoch date of July 14th 2004 and its orbital period is 16244700." }, { "source": "webnlg", "text": "(66391) 1999 KW4 has an orbital period of 16244700.0 and an epoch date of 2004-07.14." }, { "source": "webnlg", "text": "The asteroid called (66391) 1999 KW4 has an orbital period of 16244700.0 and an epoch date of 2004/07/14." } ] }, { "tripleset": [ [ "(66391) 1999 KW4", "EPOCH", "2004-07-14" ], [ "(66391) 1999 KW4", "ROTATION_PERIOD", "9953.28" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The rotation period of (66391) 1999 KW4 is 9953.28 and its epoch date is July 14th 2004." }, { "source": "webnlg", "text": "The epoch date for 66391 1999 KW4 is 2004-07.14 and it has a rotation period of 9953.28." }, { "source": "webnlg", "text": "(66391) 199 KW4 which has an epoch date of July 14th 2004 has a rotation period of 9953.28." } ] }, { "tripleset": [ [ "101 Helena", "DISCOVERER", "James Craig Watson" ], [ "James Craig Watson", "DEATH_CAUSE", "Peritonitis" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "James Craig Watson, who died from peritonitis, discovered 101 Helena." }, { "source": "webnlg", "text": "James craig watson who discovered 101 Helena died of peritonitis." } ] }, { "tripleset": [ [ "1036 Ganymed", "AVERAGE_SPEED", "16.86 (kilometrePerSeconds)" ], [ "1036 Ganymed", "APOAPSIS", "611961000.0 (kilometres)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The apoapsis measurement of 1036 Ganymed is 611961000.0 (kilometres) and it travels at an average speed of 16.86 kilometres per second." }, { "source": "webnlg", "text": "The apoapsis measurement of the celestial boy known as 1036 Ganymed is 611961000.0 (kilometres) and it has an average speed of 16.86 km per sec." }, { "source": "webnlg", "text": "1036 Ganymed is a celestial body and has an apoapsis of 611961000.0 kilometres and an average speed of 16.86 km per second." } ] }, { "tripleset": [ [ "1036 Ganymed", "DISCOVERER", "Walter Baade" ], [ "Walter Baade", "BIRTH_PLACE", "German Empire" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Walter Baade, who was born within the German empire, discovered 1036 Ganymed." }, { "source": "webnlg", "text": "Walter Baade, who was born in the German Empire, discovered 1036 Ganymed." }, { "source": "webnlg", "text": "Walter Baade was born in the German Empire and discovered 1036 Ganymed." } ] }, { "tripleset": [ [ "1036 Ganymed", "DISCOVERER", "Walter Baade" ], [ "Walter Baade", "NATIONALITY", "Germany" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The German Walter Baade discovered 1036 Ganymed." }, { "source": "webnlg", "text": "1036 Ganymed was discovered by Walter Baade, a German national." } ] }, { "tripleset": [ [ "103 Hera", "DISCOVERER", "James Craig Watson" ], [ "James Craig Watson", "DEATH_CAUSE", "Peritonitis" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "James Craig Watson, who died of peritonitis, was the discoverer of 103 Hera." }, { "source": "webnlg", "text": "103 Hera was discovered by James Craig Watson, who later died from peritonitis." }, { "source": "webnlg", "text": "James Craig Watson was the discoverer of 103 Hera and he died from peritonitis." } ] }, { "tripleset": [ [ "103 Hera", "DISCOVERER", "James Craig Watson" ], [ "James Craig Watson", "NATIONALITY", "Canada" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "James Craig Watson, a Canadian national, disovered 103 Hera." }, { "source": "webnlg", "text": "103 Hera was discovered by the Canadian James Craig Watson." }, { "source": "webnlg", "text": "Canadian, James Craig Watson, discovered 103 Hera." } ] }, { "tripleset": [ [ "107 Camilla", "DISCOVERER", "N. R. Pogson" ], [ "N. R. Pogson", "BIRTH_PLACE", "Nottingham" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "N. R. Pogson, born in Nottingham, discovered 107 Camilla." }, { "source": "webnlg", "text": "Born in Nottingham, N.R. Pogson, discovered 107 Camilla." }, { "source": "webnlg", "text": "N R Pogson born in Nottingham discovered 107 Camilla." } ] }, { "tripleset": [ [ "1089 Tama", "EPOCH", "2005-11-26" ], [ "1089 Tama", "FORMER_NAME", "\"A919 HA; 1927 WB;\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The epoch date of 1089 Tama, formerly known as A919 HA; 1927WB , is 26 November 2005." }, { "source": "webnlg", "text": "1089 Tama, with the epoch date of November 26th 2005, was formerly called \"A919 HA; 1927 WB;\"." }, { "source": "webnlg", "text": "1089 Tama was formally known as A919 HA; 1927 WB and its epoch is 2005-11-26." } ] }, { "tripleset": [ [ "1089 Tama", "TEMPERATURE", "179.0 (kelvins)" ], [ "1089 Tama", "APOAPSIS", "373513000.0 (kilometres)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "1089 Tama, which has a temperature of 179.0 kelvins, has an apoapsis of 373513000.0 kilometres." }, { "source": "webnlg", "text": "The temperature of 1089 Tama is 179.0 (kelvins) and its apoapsis is 373513000.0 (kilometres)." }, { "source": "webnlg", "text": "1089 Tama, with a temperature of 179.0 kelvins, has an apoapsis of 373513000.0 (kilometres)." } ] }, { "tripleset": [ [ "1097 Vicia", "EPOCH", "2006-12-31" ], [ "1097 Vicia", "PERIAPSIS", "279142000000.0" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The epoch date of 1097 Vicia is 2006.12.31 and has a periapsis measurement of 279142000000.0." }, { "source": "webnlg", "text": "1097 Vicia has a periapsis of 279142000000 and an epoch date of 31st December 2006." }, { "source": "webnlg", "text": "1097 Vicia has a periapsis of 279142000000, and its epoch is on 13 January 2016." } ] }, { "tripleset": [ [ "109 Felicitas", "APOAPSIS", "523329000.0 (kilometres)" ], [ "109 Felicitas", "TEMPERATURE", "170.0 (kelvins)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "109 Felicitas, with a temperature of 170 kelvins, has an apoapsis of 523329000.0 (kilometres)." }, { "source": "webnlg", "text": "The temperature of the asteroid called 109 Felicitas is 170.0 kelvins and it has an apoapsis of 523329000.0 km." }, { "source": "webnlg", "text": "The temperature of the asteroid called 109 Felicitas is 170.0 kelvins and it has an apoapsis of 523329000 kilometres." } ] }, { "tripleset": [ [ "109 Felicitas", "EPOCH", "2006-12-31" ], [ "109 Felicitas", "PERIAPSIS", "283326000000.0" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "109 felicitas which has a periapsis of 283326000000 and an epoch date of December 31st 2006." }, { "source": "webnlg", "text": "The epoch date of 109 Felicitas is the 31st December 2006, and it has a periapsis of 283326000000.0." }, { "source": "webnlg", "text": "109 Felicitas, has the epoch date 31 December 2006, and its periapsis is, 283326000000.0." } ] }, { "tripleset": [ [ "109 Felicitas", "ROTATION_PERIOD", "47487.6" ], [ "109 Felicitas", "EPOCH", "2006-12-31" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The celestial body known as 109 Felicitas has a rotation period of 47487.6, and its epoch date is, 31 December 2006." }, { "source": "webnlg", "text": "The celestial body known as 109 Felicitas has a rotation period of 47487.6 and an epoch date of December 31st 2006." }, { "source": "webnlg", "text": "109 Felicitas, has a rotational period of 47487.6, and its epoch is 31 December 2006." } ] }, { "tripleset": [ [ "10 Hygiea", "APOAPSIS", "523951582.33968 (kilometres)" ], [ "10 Hygiea", "TEMPERATURE", "164.0 (kelvins)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The temperature of 10 Hygiea is 164.0 kelvins and it has an apoapsis of 523951582.33968 (kilometres)." }, { "source": "webnlg", "text": "10 Hygiea has an apoapsis of 523951582.33968 (kilometres) and a temperature of 164 kelvins." }, { "source": "webnlg", "text": "10 Hygiea has a temperature of 164 Kelvins, and an apoapsis of 523951582.33968 kilometres." } ] }, { "tripleset": [ [ "10 Hygiea", "FORMER_NAME", "\"A900 GA\"" ], [ "10 Hygiea", "EPOCH", "2015-06-27" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The asteroid 10 Hygiea, once called A900 GA, has the epoch date of 27th June 2015." }, { "source": "webnlg", "text": "10 Hygiea has an epoch date of June 27th 2015 and was formerly named A900GA." }, { "source": "webnlg", "text": "The asteroid, 10 Hygia, was formally known as A900 GA and has an epoch date of 27th June 2015." } ] }, { "tripleset": [ [ "110 Lydia", "EPOCH", "2006-12-31" ], [ "110 Lydia", "MASS", "6.7 (kilograms)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "110 Lydia has a mass of 6.7 kilograms and its epoch date was on December 31st 2006." }, { "source": "webnlg", "text": "110 Lydia, with a mass of 6.7 kilograms, has the epoch date 31st December 2006." }, { "source": "webnlg", "text": "31 December 2006 is the epoch of 110 Lydia, which weighs 6.7 kg." } ] }, { "tripleset": [ [ "110 Lydia", "EPOCH", "2006-12-31" ], [ "110 Lydia", "ORBITAL_PERIOD", "142603000.0" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The epoch date of 110 Lydia is 31 December 2006 and it has an orbital period of 142603000.0." }, { "source": "webnlg", "text": "The celestial body known as 110 Lydia has an orbital period of 142603000 and an epoch date of 31 December 2006." }, { "source": "webnlg", "text": "110 Lydia has an epoch date of December 31st 2006 and has an orbital period of 142603000.0." } ] }, { "tripleset": [ [ "A-Rosa Luna", "SHIP_CLASS", "Cruise ship" ], [ "A-Rosa Luna", "LENGTH", "125800.0 (millimetres)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The A-Rosa Luna is 125800.0 millimetres in length and classed as a cruise ship." }, { "source": "webnlg", "text": "The A-Rosa Luna which is 125.8 metres long, is classed as a Cruise ship." }, { "source": "webnlg", "text": "The A-Rosa Luna cruise ship is 125800.0 millimetres in length." } ] }, { "tripleset": [ [ "A-Rosa Luna", "SHIP_ORDERED", "2004-01-22" ], [ "A-Rosa Luna", "LENGTH", "125800.0 (millimetres)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The A Rosa Luna ship is 125800.0 mms in length and was ordered on 22 January 2004." }, { "source": "webnlg", "text": "The A-Rosa Luna ship which is 125800.0 millimetres in length, was ordered on January 22nd 2004." }, { "source": "webnlg", "text": "The A-Rosa Luna ship was ordered on the 22nd January 2004 and it is 125.8 metres long." } ] }, { "tripleset": [ [ "AIDA Cruises", "LOCATION", "Germany" ], [ "AIDAstella", "OPERATOR", "AIDA Cruises" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The AIDAstella is operated by AIDA Cruise Line, which is located in Germany." }, { "source": "webnlg", "text": "AIDA Cruises is located in Germany and is operated by AIDAstella." }, { "source": "webnlg", "text": "The ship AIDAstella is operated by AIDA Cruises which is located in Germany." } ] }, { "tripleset": [ [ "AIDA Cruises", "LOCATION", "Rostock" ], [ "AIDAluna", "OPERATOR", "AIDA Cruises" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The AIDAluna is operated by AIDA Cruises which are located at Rostock." }, { "source": "webnlg", "text": "AIDA Cruises, located in Rostock, are the operator of the ship AIDAluna." }, { "source": "webnlg", "text": "AIDAluna is operated by AIDA Cruises from Rostock." } ] }, { "tripleset": [ [ "AIDAluna", "TOP_SPEED", "40.744" ], [ "AIDAluna", "LENGTH", "252000.0 (millimetres)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The AIDAluna has a top speed is 40.744 and is 252000.0 mms in length." }, { "source": "webnlg", "text": "The AIDAluna has a top speed of 40.744 and it 252 metres long." }, { "source": "webnlg", "text": "The AIDAluna is 252m long and has a top speed of 40.744." } ] }, { "tripleset": [ [ "AIDAstella", "CHRISTENING_DATE", "2013-03-16" ], [ "AIDAstella", "LENGTH", "253260.0 (millimetres)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The AIDAstella is 253.26m long and was launched March 16th 2013." }, { "source": "webnlg", "text": "The AIDAstella was christened on the 16th of March, 2013 and is 253260.0 millimetres long." }, { "source": "webnlg", "text": "AIDAstella is 253260.0 millimetres in length and was christened on 2013-03-16." } ] }, { "tripleset": [ [ "ALCO RS-3", "BUILDER", "Montreal Locomotive Works" ], [ "ALCO RS-3", "POWER_TYPE", "Diesel-electric transmission" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Montreal Locomotive Works is the builder of the ALCO RS-3 which has a diesel-electric transmission." }, { "source": "webnlg", "text": "The Diesel-electric transmission ALCO RS-3 was built by the Montreal Locomotive Works." }, { "source": "webnlg", "text": "The ALCO RS-3, has a diesel-electric transmission and was built by the Montreal Locomotive Works." } ] }, { "tripleset": [ [ "ALV X-1", "DIAMETER", "1.524 (metres)" ], [ "ALV X-1", "ROCKET_STAGES", "2" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The ALV X-1 has 2 rocket stages and a diameter of 1.524 metres." }, { "source": "webnlg", "text": "The ALV X-1 rocket has 2 stages and a diameter of 1.524 metres." } ] }, { "tripleset": [ [ "AMC Matador", "ASSEMBLY", "Kenosha, Wisconsin" ], [ "AMC Matador", "MODEL_YEARS", "1974" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "1974 is one of the model years of the AMC Matador which was assembled in Kenosha, Wisconsin." }, { "source": "webnlg", "text": "The AMC Matador is available in a 1974 model and was assembled in Kenosha, Wisconsin." }, { "source": "webnlg", "text": "The AMC Matador is available in a 1974 model and is assembled in Kenosha, Wisconsin." } ] }, { "tripleset": [ [ "AMC Matador", "DESIGNER", "Richard A. Teague" ], [ "Richard A. Teague", "EMPLOYER", "Chrysler" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Richard A. Teague is emplyed by Chrysler and designed the AMC Matador." }, { "source": "webnlg", "text": "Richard A. Teague is the Chrysler employee who designed the AMC Matador." }, { "source": "webnlg", "text": "The AMC Matador was designed by Richard A Teague who workes for Chrysler." } ] }, { "tripleset": [ [ "ARA Veinticinco de Mayo (V-2)", "LENGTH", "192000.0 (millimetres)" ], [ "ARA Veinticinco de Mayo (V-2)", "COUNTRY", "Argentina" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The ARA Veinticinco de Mayo (V-2) is 192000.0 millimetres long and comes from Argentina." }, { "source": "webnlg", "text": "The ARA Veinticinco de Mayo (V-2) which is derived from Argentina has a length of 192000 millimetres." }, { "source": "webnlg", "text": "The ARA Veinticinco de Mayo (V-2) is from Argentina and has a length of 192000 millimetres." } ] }, { "tripleset": [ [ "Alfa Romeo 164", "ASSEMBLY", "Milan" ], [ "Alfa Romeo 164", "RELATED_MEAN_OF_TRANSPORTATION", "Saab 9000" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Alfa Romeo 164, which is assembled in Milan, is a related means of transportation to Saab 9000 , in that they are both cars." }, { "source": "webnlg", "text": "The Alfa Romeo 164, assembled in Milan, is a similar means of transport to the Saab 9000." }, { "source": "webnlg", "text": "As they are both cars, the Saab 9000 and the Alfa Romeo 164 are related means of transport. The latter has an assembly line in Milan." } ] }, { "tripleset": [ [ "Alfa Romeo 164", "RELATED_MEAN_OF_TRANSPORTATION", "Fiat Croma" ], [ "Alfa Romeo 164", "ASSEMBLY", "Italy" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Alfa Romeo 164 is assembled in Italy and is a similar means of transport to the Fiat Croma." }, { "source": "webnlg", "text": "The Alfa Romeo 164 was assembled in Italy and is a similar means of transport to the, Fiat Croma." }, { "source": "webnlg", "text": "The Alfa Romeo 164 is similar to the Fiat Croma andis made in Italy." } ] }, { "tripleset": [ [ "Alfa Romeo 164", "RELATED_MEAN_OF_TRANSPORTATION", "Lancia Thema" ], [ "Alfa Romeo 164", "ASSEMBLY", "Italy" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Alfa Romeo 164, which was assembled in Italy, and Lancia Thema are related types of transportation." }, { "source": "webnlg", "text": "Alfa Romeo 164 is a related transport to Lancia Thema and is assembled in Italy." }, { "source": "webnlg", "text": "The Lancia Thema and the Italian assembled Alfa Romeo 164 are related types of transport." } ] }, { "tripleset": [ [ "Alvis Speed 25", "MANUFACTURER", "Alvis Car and Engineering Company" ], [ "Alvis Car and Engineering Company", "LOCATION_CITY", "Coventry" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alvis Speed 25 was made by the Alvis Car and Engineering Company of Coventry." }, { "source": "webnlg", "text": "The Alvis Speed 25 was made by Coventry based Alvis Car and Engineering Company." }, { "source": "webnlg", "text": "The Alvis Speed 25 was manufactured by the Alvis Car and Engineering Company, which is located in Coventry." } ] }, { "tripleset": [ [ "Alvis Speed 25", "TRANSMISSION", "\"single plate clutch, separate 4-speed gearbox all-silent and all-syncromesh, centre change lever, open tubular propellor shaft with metal joints , spiral bevel fully floating back axle\"" ], [ "Alvis Speed 25", "ENGINE", "4387.0 (cubicCentimetres)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Alvis Speed 25 has a 4387.00 cc engine and an impressive transmission coined as \"single plate clutch, separate 4-speed gearbox all-silent and all-syncromesh, centre change lever, open tubular propellor shaft with metal joints , spiral bevel fully floating back axle\"." }, { "source": "webnlg", "text": "The Alvis Speed 25 has an engine of 4387 cubic centimeters and a transmission system comprising a single plate clutch, separate 4-speed gearbox all-silent and all-syncromesh, centre change lever, open tubular propellor shaft with metal joints and spiral bevel fully floating back axle." }, { "source": "webnlg", "text": "The Alvis Speed 25, which has a 4387.0 cubic centimetres engine, has a transmission system that comprises of a single plate clutch, separate 4-speed gearbox all-silent and all-syncromesh, centre change lever, open tubular propellor shaft with metal joints and spiral bevel fully floating back axle." } ] }, { "tripleset": [ [ "Alvis Speed 25", "TRANSMISSION", "\"single plate clutch, separate 4-speed gearbox all-silent and all-syncromesh, centre change lever, open tubular propellor shaft with metal joints , spiral bevel fully floating back axle\"" ], [ "Alvis Speed 25", "ENGINE", "Straight-six engine" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Alvis Speed 25 has a straight-six engine and an impressive transmission." }, { "source": "webnlg", "text": "Alvis Speed 25 has a straight-six engine and has a transmission system comprising a single plate clutch, separate 4-speed gearbox all-silent and all-syncromesh, centre change lever, open tubular propellor shaft with metal joints and spiral bevel fully floating back axle." }, { "source": "webnlg", "text": "Alvis Speed 25 has a straight-six engine and it's transmission system comprises a single plate clutch, separate 4-speed gearbox all-silent and all-syncromesh, centre change lever, open tubular propellor shaft with metal joints and spiral bevel fully floating back axle." } ] }, { "tripleset": [ [ "American Motors", "SUCCESSOR", "Eagle (automobile)" ], [ "AMC Matador", "MANUFACTURER", "American Motors" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "American Motors, who made the AMC Matador, was succeeded by Eagle." }, { "source": "webnlg", "text": "The AMC Matador is made by American Motors who were succeeded by Eagle." }, { "source": "webnlg", "text": "AMC Matador was manufactured by American Motors who were succeeded by Eagle." } ] }, { "tripleset": [ [ "Antares (rocket)", "MAIDEN_FLIGHT", "2014-01-09" ], [ "Antares (rocket)", "LAUNCH_SITE", "Mid-Atlantic Regional Spaceport" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Antares rocket is launched from the Mid ~Atlantic Regional Spaceport and its first voyage was on January 9th 2014." }, { "source": "webnlg", "text": "The Antares rocket had its maiden flight on January 9th 2014 and was launched from the Mid-Atlantic Regional Spaceport." }, { "source": "webnlg", "text": "The rocker Antares was launched on its maiden flight from the Mid-Atlantic Regional Spaceport on 9 January 2014." } ] }, { "tripleset": [ [ "Argentina", "LEADER_NAME", "Gabriela Michetti" ], [ "ARA Veinticinco de Mayo (V-2)", "COUNTRY", "Argentina" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "ARA Veinticinco de Mayo (V-2) comes from Argentina where Gabriela Michetti is the leader." }, { "source": "webnlg", "text": "The ARA Veinticinco de Mayo (V-2) comes from Argentina which is led by Gabriela Michetti." }, { "source": "webnlg", "text": "The ARA Veinticinco de Mayo (V-2) is from Argentina whose leader is Gabriela Michetti." } ] }, { "tripleset": [ [ "Ariane 5", "LAUNCH_SITE", "ELA-3" ], [ "Ariane 5", "MANUFACTURER", "Airbus Defence and Space" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Ariane 5 was launched at ELA-3 and manufactured by The Airbus Defence and Space." }, { "source": "webnlg", "text": "The Ariane 5 which was launched at the ELA-3, was manufactured by Airbus Defence and Space." }, { "source": "webnlg", "text": "The Airbus Defence and Space are the manufacturers of the Ariane 5, the launch site of which, was ELA-3 launchpad." } ] }, { "tripleset": [ [ "Ariane 5", "MANUFACTURER", "Airbus Defence and Space" ], [ "Airbus Defence and Space", "PARENT_COMPANY", "Airbus Group" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Airbus Group is the parent company of Airbus Defence &amp; Space; where Ariane 5 was manufactured." }, { "source": "webnlg", "text": "The Airbus Group is the parent company of Airbus Defence and Space who manufactured the Ariane 5." }, { "source": "webnlg", "text": "The Airbus Defence and Space, whose parent company is Airbus Group, made the Ariane 5." } ] }, { "tripleset": [ [ "Aston Martin V8", "ASSEMBLY", "United Kingdom" ], [ "Aston Martin V8", "RELATED_MEAN_OF_TRANSPORTATION", "Aston Martin RHAM/1" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Aston Martin V8 - assembled in the United Kingdom - and Aston Martin RHAM/1 are related means of transportation." }, { "source": "webnlg", "text": "Aston Martin V8 was made in the UK. The Aston Martin V8 is connected to the Aston Martin RHAM/1." }, { "source": "webnlg", "text": "The Aston Martin V8 is similar to the RHAM/1 and is assembled in the UK." } ] }, { "tripleset": [ [ "Aston Martin V8", "MANUFACTURER", "Aston Martin" ], [ "Aston Martin V8", "SUCCESSOR", "Aston Martin Virage" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Aston Martin made the Aston Martin V8, which was succeeded by the Aston Martin Virage." }, { "source": "webnlg", "text": "The Aston Martin V8 was manufactured by Aston Martin and was succeeded by the Aston Martin Virage." }, { "source": "webnlg", "text": "Aston Martin produced the Aston Martin V8 which was succeeded by the The Aston Martin Virage." } ] }, { "tripleset": [ [ "Aston Martin V8", "RELATED_MEAN_OF_TRANSPORTATION", "Aston Martin DBS" ], [ "Aston Martin V8", "SUCCESSOR", "Aston Martin Virage" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Aston Martin DBS is a related means of transport to the Aston Martin V8, which was succeeded by the Aston Martin Virage." }, { "source": "webnlg", "text": "The Aston Martin V8 (which was succeeded by the Aston Martin Virage) and the Aston Martin DBS are a related means of transport." }, { "source": "webnlg", "text": "The Aston Martin V8 is connected to the Aston Martin DBS and was succeded by the Aston Martin Virage." } ] }, { "tripleset": [ [ "Aston Martin V8", "SUCCESSOR", "Aston Martin Virage" ], [ "Aston Martin Virage", "MANUFACTURER", "Aston Martin" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Aston Martin V8 was succeeded by the Aston Martin Virage which is made by the company Aston Martin." }, { "source": "webnlg", "text": "Aston Martin Virage succeeded the Aston Martin V8 and is manufactured by Aston Martin." }, { "source": "webnlg", "text": "The Aston Martin Virage which was manufactured by Aston Martin, was succeeded the Aston Martin V8." } ] }, { "tripleset": [ [ "Atlas II", "FINAL_FLIGHT", "1998-03-16" ], [ "Atlas II", "DIAMETER", "3.04 m" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Atlas II, which is 3.04m in diameter, had its final flight on March 16th 1998." }, { "source": "webnlg", "text": "The final flight of Atlas II, which has a diameter of 3.04m, was on 16 March 1998." }, { "source": "webnlg", "text": "Atlas II has a diameter of 3.04m and its final flight was on the 16th March 1998." } ] }, { "tripleset": [ [ "Atlas II", "LAUNCH_SITE", "Cape Canaveral Air Force Station" ], [ "Atlas II", "MANUFACTURER", "Lockheed Martin" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Lockheed Martin manufactured Atlas II was launched from Cape Canaveral Air Force Station." }, { "source": "webnlg", "text": "The Atlas II, manufactured by Lockheed Martin, was launched from Cape Canaveral Air Force Station." }, { "source": "webnlg", "text": "The Atlas II was manufactured by Lockheed Martin and launched from the Cape Canaveral Air Force Station." } ] }, { "tripleset": [ [ "Audi A1", "MANUFACTURER", "Audi" ], [ "Audi", "DIVISION", "Audi e-tron" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Audi e-tron is a division of Audi, who make the Audi A1." }, { "source": "webnlg", "text": "Audi which is the manufacturer of the Audi A1 has a division called the Audi e-tron." }, { "source": "webnlg", "text": "The Audi A1 is manufactured by Audi who have a sub-division known as Audi e-tron." } ] }, { "tripleset": [ [ "Audi A1", "MANUFACTURER", "Audi" ], [ "Audi", "SUBSIDIARY", "Ducati" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Audi A1 is made by Audi who also own Ducati." }, { "source": "webnlg", "text": "The Audi A1 is made by Audi who also own Ducati." }, { "source": "webnlg", "text": "Ducati is a subsidiary of Audi, which is the manufacturer of the Audi A1." } ] }, { "tripleset": [ [ "Audi A1", "MANUFACTURER", "Audi" ], [ "Audi", "SUBSIDIARY", "Quattro GmbH" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Audi A1 is made by Audi, a subsidiary of which, is the Quattro Gmbh." }, { "source": "webnlg", "text": "The Quattro Gmbh is a subsidiary of the Audi who manufacture the Audi A1." }, { "source": "webnlg", "text": "The Quattro Gmbh is a subsidiary of Audi, the company that manufacturers the Audi A1." } ] }, { "tripleset": [ [ "Caterpillar Inc.", "KEY_PERSON", "Douglas R. Oberhelman" ], [ "AIDAluna", "POWER_TYPE", "Caterpillar Inc." ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Douglas R Oberhelman is a person at Caterpillar Inc. where the AIDAluna is manufactured." }, { "source": "webnlg", "text": "The power type of the AIDAluna is an engine manufactured by Caterpillar Inc where Douglas R Oberhelman is a key person." }, { "source": "webnlg", "text": "Douglas R. Oberhelman is a key person at Caterpillar Inc. who provide the engine power for the AIDAluna." } ] }, { "tripleset": [ [ "Delta II", "LAUNCH_SITE", "Vandenberg Air Force Base" ], [ "Antares (rocket)", "COMPARABLE", "Delta II" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Antares rocket is comparable with the Delta II whose launch site was at Vandenberg Air Force Base." }, { "source": "webnlg", "text": "The rocket Antares is comparable to the Delta II which was launched from the Vandenberg Air Force base." }, { "source": "webnlg", "text": "The Delta II, which is comparable to the rocket Antares, was launched at the Vandenberg Air Force Base." } ] }, { "tripleset": [ [ "Finland", "LEADER_NAME", "Juha Sipil\u00e4" ], [ "Aleksey Chirikov (icebreaker)", "BUILDER", "Finland" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The icebreaker Aleksey Chirikov was built in Finland where Juha Sipila is a leader." }, { "source": "webnlg", "text": "The icebreaker, the Aleksey Chirikov, is built by Finland, where the leader is Juha Sipila." }, { "source": "webnlg", "text": "Juha Sipil\u00e4 is a leader in Finland where the icebreaker ship Aleksey Chirikov was built." } ] }, { "tripleset": [ [ "General Dynamics Electric Boat", "PARENT_COMPANY", "General Dynamics" ], [ "American submarine NR-1", "BUILDER", "General Dynamics Electric Boat" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "General Dynamics is the parent company of, the General Dynamics Electric Boat Co. which is the builder of the American submarine NR-1." }, { "source": "webnlg", "text": "General Dynamics is the parent company of the General Dynamics Electric Boat Co which built the American submarine NR-1." }, { "source": "webnlg", "text": "The American submarine NR-1 was built by General Dynamics Electric Boat, the parent company of which, is General Dynamics." } ] }, { "tripleset": [ [ "MTU Friedrichshafen", "OWNER", "Rolls-Royce Holdings" ], [ "A-Rosa Luna", "POWER_TYPE", "MTU Friedrichshafen" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The A-Rosa Luna is powered by an engine made by MTU Friedrichshafen which is owned by Rolls-Royce Holdings." }, { "source": "webnlg", "text": "The A-Rosa Luna is powered by the Rolls-Royce Holdings owned, MTU Friedrichshafen, made engines." }, { "source": "webnlg", "text": "The A rosa Luna is powered by Rolls-Royce Holdings company MTU Friedrichshafen made engines." } ] }, { "tripleset": [ [ "United Kingdom", "LEADER_NAME", "Elizabeth II" ], [ "Aston Martin V8", "ASSEMBLY", "United Kingdom" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Aston Martin V8 is assembled in the United Kingdom, the leader of which, is Elizabeth II." }, { "source": "webnlg", "text": "Aston Martin V8 was assembled in the United Kingdom which is ruled by Queen Elizabeth II." }, { "source": "webnlg", "text": "The Aston Martin V8 is assembled in the United Kingdom where the ruler is Queen Elizabeth II." } ] }, { "tripleset": [ [ "Aaron S. Daggett", "AWARD", "Purple Heart" ], [ "Aaron S. Daggett", "BIRTH_PLACE", "Maine" ], [ "Aaron S. Daggett", "BATTLES", "Battle of Fredericksburg" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Purple Heart recipient Aaron S. Daggat was born in Maine and, most notably, fought in the Battle of Fredericksburg." }, { "source": "webnlg", "text": "Born in Maine, Purple Heart recipient, Aaron S Daggett has fought in battles, the most notable being the Battle of Fredericksburg." }, { "source": "webnlg", "text": "Aaron S Daggett, born in Maine, fought in the Battle of Fredericksburg. He was given the Purple Heart." } ] }, { "tripleset": [ [ "Ab Klink", "ALMA_MATER", "Erasmus University Rotterdam" ], [ "Ab Klink", "PARTY", "Christian Democratic Appeal" ], [ "Ab Klink", "BIRTH_PLACE", "Netherlands" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Ab Klink was born in the Netherlands, belongs to the Christian Democratic Appeal party and graduated from Erasmus University in Rotterdam." }, { "source": "webnlg", "text": "Born in the Netherlands, Ab Klink attended Erasmus University Rotterdam and belongs to the Christian Democratic Appeal party." } ] }, { "tripleset": [ [ "Abdul Rahman Ya'kub", "HAS_DEPUTY", "Stephen Yong Kuet Tze" ], [ "Abdul Taib Mahmud", "BIRTH_PLACE", "Kingdom of Sarawak" ], [ "Abdul Taib Mahmud", "SUCCESSOR", "Abdul Rahman Ya'kub" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Abdul Taib Mahmud was born in the Kingdom of Sarawak and he succeeded Abdul Rahman Ya'kub. Stephen Yong Kuet Tze is the deputy to Abdul Rahman Ya'kub." }, { "source": "webnlg", "text": "Abdul Taib Mahmud's birthplace was Kingdom of Sarawak and he was succeeded by Abdul Rahman Ya'Kub whose deputy was Stephen Yong Kuet Tze." }, { "source": "webnlg", "text": "Abdul Taib Mahmud was born in the Kingdom of Sarawak. Stephen Yong Kuet Tze is the deputy to Abdul Rahman Ya'kub who was succeeded by Abdul Taib Mahmud." } ] }, { "tripleset": [ [ "Abdul Taib Mahmud", "RESIDENCE", "Sarawak" ], [ "Abdul Taib Mahmud", "BIRTH_PLACE", "Kingdom of Sarawak" ], [ "Abdul Taib Mahmud", "PARTY", "\"Barisan Ra'ayat Jati Sarawak\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Born in the Kingdom of Sarawak, Abdul Taib Mahmud, resides in Sarawak and is a member of Barisan Ra'ayat Jati Sarawak party." }, { "source": "webnlg", "text": "Abdul Taib Mahmud was born and lives in the Kingdom of Sarawak and is a member of the \"Barisan Ra'ayat Jati Sarawak\" party." }, { "source": "webnlg", "text": "Abdul Taid Mahmud, a member of Barisan Ra'ayat Jati Sarawak party, was born in Kingdom of Sarawak and lives in Sarawak." } ] }, { "tripleset": [ [ "Abdulsalami Abubakar", "BIRTH_PLACE", "Niger State" ], [ "Abdulsalami Abubakar", "ALMA_MATER", "Technical Institute, Kaduna" ], [ "Abdulsalami Abubakar", "OFFICE_(WORKED_AT,_WORKED_AS)", "Chief of the Defence Staff (Nigeria)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Abdulsalami Abubakar was born in Niger State, graduated from the Technical Institute Kaduna and worked as the Nigerian Chief of the Defence Staff." }, { "source": "webnlg", "text": "Abdulsalami Abubakar was born in Niger State, graduated from the Technical Institute in Kaduna and became the Chief of the Defence Staff in Nigeria." }, { "source": "webnlg", "text": "Abdulsalami Abubakar's was born in Niger State. He attended the Technical Institute Kaduna and was part of the Chief of the Defence Staff in Nigeria." } ] }, { "tripleset": [ [ "Abdulsalami Abubakar", "SUCCESSOR", "Olusegun Obasanjo" ], [ "Abdulsalami Abubakar", "MILITARY_BRANCH", "Nigerian Air Force" ], [ "Olusegun Obasanjo", "IN_OFFICE_WHILE_VICE_PRESIDENT", "Atiku Abubakar" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Abdulsalami Abubakar, who served in the Nigerian Air Force, was succeeded by Olusegun Obasanjo, who was in office at the same time that Atiku Abubakar was Vice President." }, { "source": "webnlg", "text": "Nigerian Air Force member Abdulsalami Akubar was succeeded by Olusegun Obasanjo who was in office whilst Atiku Akubakar was Vice President." }, { "source": "webnlg", "text": "Abdulsalami Abubakar served in the Nigerian Air Force. He was Vice-President when Olusegun Obasanjo was in office. Mr. Obasanjo succeeded Abdulsalami Abubakar." } ] }, { "tripleset": [ [ "Abdulsalami Abubakar", "SUCCESSOR", "Olusegun Obasanjo" ], [ "Abdulsalami Abubakar", "MILITARY_BRANCH", "Nigerian Army" ], [ "Olusegun Obasanjo", "IN_OFFICE_WHILE_VICE_PRESIDENT", "Atiku Abubakar" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Olusegun Obasanjo was succeeded by Abdulsalami Abubakar of the Nigerian Army and was in office during Atiku Abubaker's Vice Presidency." }, { "source": "webnlg", "text": "Olusegun Obasanjo, who was in office while Atiku Abubakar was Vice President, succeeded Nigerian Army man Abdulsalami Abubakar." } ] }, { "tripleset": [ [ "Abel Caballero", "BIRTH_PLACE", "Ponteareas" ], [ "Abel Caballero", "OFFICE_(WORKED_AT,_WORKED_AS)", "\"Member of the Congress of Deputies\"" ], [ "Abel Caballero", "BIRTH_PLACE", "Galicia (Spain)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Abel Caballero was born in Ponteareas in Galicia, Spain and worked as a Member of the Congress of Deputies." }, { "source": "webnlg", "text": "Abel Caballero, born in Ponteareas, Galicia, Spain, worked as a Member of the Congress of Deputies." } ] }, { "tripleset": [ [ "Abel Caballero", "BIRTH_PLACE", "Spain" ], [ "Abel Caballero", "BIRTH_PLACE", "Galicia (Spain)" ], [ "Abel Caballero", "PARTY", "Spanish Socialist Workers' Party" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Abel Caballero was born in Galicia, Spain, and is a member of the Spanish Socialist Workers' Party." }, { "source": "webnlg", "text": "Abel Caballero was born in Galicia in Spain and is a member of the Spanish Socialist Workers' Party." }, { "source": "webnlg", "text": "Abel Caballero, born in Galicia in Spain, is a member of the Spanish Socialist Workers' Party." } ] }, { "tripleset": [ [ "Abner W. Sibal", "BATTLES", "World War II" ], [ "Abner W. Sibal", "MILITARY_BRANCH", "United States Army" ], [ "World War II", "COMMANDER", "Joseph Stalin" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Abner W. Sibal served in the United States Army and fought during WWII, when Joseph Stalin was a commander." }, { "source": "webnlg", "text": "Abner W. Sibal served in the United States Army and fought in WWII. Joseph Stalin was a commander in that war." }, { "source": "webnlg", "text": "Abner W Sibal served with the US Army in World War II. Joseph Stalin was a commander in the Second World War." } ] }, { "tripleset": [ [ "Abner W. Sibal", "OFFICE_(WORKED_AT,_WORKED_AS)", "\"Member of the Connecticut Senate from the 26th District\"" ], [ "Abner W. Sibal", "PARTY", "Republican Party (United States)" ], [ "Abner W. Sibal", "BIRTH_PLACE", "Ridgewood, Queens" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Abner W. Sibal was born in Ridgewood, Queens and a member of the Republic Party of the U.S. He was also a member of the Connecticut Senate from the 26th District." }, { "source": "webnlg", "text": "Born in Ridgewood, Queens, Abner W. Sibal, was a member of both the Connecticut Senate from the 26th District, and the Republican party of the United States." }, { "source": "webnlg", "text": "Ridgewood, Queens is the birthplace of Abner W. Sibal. He was a member of the Republican party and a member of the Connecticut Senate from the 26th District in the U.S." } ] }, { "tripleset": [ [ "Adam Holloway", "BATTLES", "Gulf War" ], [ "Gulf War", "COMMANDER", "George H. W. Bush" ], [ "Adam Holloway", "MILITARY_BRANCH", "Grenadier Guards" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "During the Gulf War George H W Bush served as a commander and Adam Holloway of the Grenadier Guards was involved in the battles." }, { "source": "webnlg", "text": "During the Gulf war George H W Bush was a commander and Adam Holloway was involved in the battles whilst serving in the Grenadier guards." }, { "source": "webnlg", "text": "Adam Holloway served in the Grenadier Guards and fought in the Gulf War. George H. W. Bush was a commander in the Gulf War." } ] }, { "tripleset": [ [ "Adam Holloway", "PARTY", "Conservative Party (UK)" ], [ "Adam Holloway", "BIRTH_PLACE", "Faversham" ], [ "Adam Holloway", "ALMA_MATER", "Magdalene College, Cambridge" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Conservative Party (UK) member Adam Holloway, who studied at Magdalene College, Cambridge, was born in Faversham." }, { "source": "webnlg", "text": "Magdalene College Cambridge, was the alma mater of Adam Holloway, who was born in Faversham, and is a member of the Tories." }, { "source": "webnlg", "text": "Adam Holloway was born in Faversham, graduated from Magdalene College, Cambridge and is a member of the Tory party." } ] }, { "tripleset": [ [ "Adam Koc", "BATTLES", "Polish\u2013Soviet War" ], [ "Adam Koc", "BIRTH_PLACE", "Congress Poland" ], [ "Polish\u2013Soviet War", "COMMANDER", "Leon Trotsky" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Adam Koc, who was born in Congress in Poland, fought in the Polish Soviet War in which Leon Trotsky was a commander." }, { "source": "webnlg", "text": "Leon Trotsky was a commander in the Polish Soviet war in which Adam Koc was also involved. Koc was born in Congress, Poland." } ] }, { "tripleset": [ [ "Adam Koc", "BATTLES", "Polish\u2013Soviet War" ], [ "Polish\u2013Soviet War", "IS_PART_OF_MILITARY_CONFLICT", "Russian Civil War" ], [ "Polish\u2013Soviet War", "COMMANDER", "Leon Trotsky" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Polish-Soviet War, which was part of the Russian Civil War, was where Adam Koc fought and where Leon Trotsky was a commander." }, { "source": "webnlg", "text": "Leon Trotsky was a commander in the Polish-Soviet war, part of the Russian Civil War military conflict in which Adam Koc was involved." }, { "source": "webnlg", "text": "Adam Koc fought in the Polish\u2013Soviet War which was a conflict within the Russian Civil War. Leon Trotsky was the commender in the Polish - Soviet War." } ] }, { "tripleset": [ [ "Adonis Georgiadis", "BIRTH_PLACE", "Greece" ], [ "Adonis Georgiadis", "OFFICE_(WORKED_AT,_WORKED_AS)", "\"Deputy Parliamentary Spokesman of Popular Orthodox Rally\"" ], [ "Adonis Georgiadis", "BIRTH_PLACE", "Athens" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Born in Athens, Greece, Adonis Georgiadis, has worked as the Deputy Parliamentary Spokesman of Popular Orthodox Rally." }, { "source": "webnlg", "text": "Born in Athens, Greece, Adonis Georgiadis, worked as the Deputy Parliamentary Spokesman of Popular Orthodox Rally." }, { "source": "webnlg", "text": "Adonis Georgiadis, was born in Athens (Greece), and worked as the Deputy Parliamentary Spokesman for the Popular Orthodox Rally." } ] }, { "tripleset": [ [ "Adonis Georgiadis", "BIRTH_PLACE", "Greece" ], [ "Adonis Georgiadis", "OFFICE_(WORKED_AT,_WORKED_AS)", "\"Minister for Health\"" ], [ "Adonis Georgiadis", "BIRTH_PLACE", "Athens" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Adonis Georgiadis was born in Athens (Greece), and worked as Minister for Health." }, { "source": "webnlg", "text": "Adonis Georgiadis, born in Athens, Greece, worked as the Minister for Health." }, { "source": "webnlg", "text": "Adonis Georgiadis, born Athens (Greece), held office as the Minister for Health." } ] }, { "tripleset": [ [ "Adonis Georgiadis", "IN_OFFICE_WHILE_PRIME_MINISTER", "Antonis Samaras" ], [ "New Democracy (Greece)", "COLOR", "Blue" ], [ "Adonis Georgiadis", "PARTY", "New Democracy (Greece)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Adonis Georgiadis, a member of the Greek New Democracy Party (blue is their colour), served in office while Antonis Samaras was Prime Minister." }, { "source": "webnlg", "text": "Adonis Georgiadis was a member of the New Democracy party in Greece whose color is blue. Mr. Georgiadis was in office while Antonis Samaras was Prime Minister." }, { "source": "webnlg", "text": "Greek New Democracy Party (represented by the color blue) member Adonis Georgiadis was in office during Prime Minister Antonis Samaras' leadership." } ] }, { "tripleset": [ [ "Agnes Kant", "NATIONALITY", "Netherlands" ], [ "Netherlands", "LEADER_NAME", "Mark Rutte" ], [ "Agnes Kant", "OFFICE_(WORKED_AT,_WORKED_AS)", "House of Representatives (Netherlands)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Agnes Kant's nationality is the Netherlands. He worked at the House of Representatives there. Mark Rutte is a leader in the Netherlands." }, { "source": "webnlg", "text": "Agnes Kant is a national of the Netherlands and worked at the House of Representatives, where the leader is Mark Rutte." }, { "source": "webnlg", "text": "Agnes Kant worked at the House of Representatives in Netherlands, where she is from, and who's leader is Mark Rutte." } ] }, { "tripleset": [ [ "Agnes Kant", "NATIONALITY", "Netherlands" ], [ "Netherlands", "LEADER_NAME", "Mark Rutte" ], [ "Agnes Kant", "PARTY", "Socialist Party (Netherlands)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The nationality of Agnes Kant, a member of the Socialist party, is the Netherlands. Mark Rutte leads the Netherlands." }, { "source": "webnlg", "text": "Agnes Kant is a member of the Socialist Party in the Netherlands whose leader is Mark Rutte." }, { "source": "webnlg", "text": "The Netherlands, with the leader Mark Rutte, is where Agnes Kant, a member of the Socialist Party in the Netherlands hails from." } ] }, { "tripleset": [ [ "Agnes Kant", "OFFICE_(WORKED_AT,_WORKED_AS)", "\"Member of the House of Representatives\"" ], [ "Agnes Kant", "BIRTH_PLACE", "West Germany" ], [ "Agnes Kant", "ALMA_MATER", "Radboud University Nijmegen" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Agnes Kant was born in West Germany and was a member of the House of Representatives. He attended the Radboud University Nijmegen." }, { "source": "webnlg", "text": "Agnes Kant was born in West Germany. She was a Member of the House of Representatives and her Alma mater was Radboud University in Nijmegen." }, { "source": "webnlg", "text": "Agnes Kant, born in West Germany, graduated from Radboud University Nijmegen and worked as a member of the House of Representatives." } ] }, { "tripleset": [ [ "Airey Neave", "BATTLES", "World War II" ], [ "Airey Neave", "ACTIVE_YEARS_START_DATE", "1953-06-30" ], [ "Airey Neave", "ACTIVE_YEARS_END_DATE", "1979-03-30" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Airey Neave, who served in World War II had a career between 30 June 1953 and 30 March 1979." }, { "source": "webnlg", "text": "Airey Neave participated in World War II and his career lasted from 30 June 1953 to 30 March 1979." }, { "source": "webnlg", "text": "Airey Neave fought in World War II and had a political career that started on June 30th, 1953 and ended March 30th, 1979." } ] }, { "tripleset": [ [ "Airey Neave", "BATTLES", "World War II" ], [ "Airey Neave", "ACTIVE_YEARS_START_DATE", "1974-03-04" ], [ "Airey Neave", "ACTIVE_YEARS_END_DATE", "1979-03-30" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Airey Neave fought in Worl War II and started his political career on March 4th 1974 which ended on March 30th 1979." }, { "source": "webnlg", "text": "Airey Neave, began his career on March 4th 1974, fought in World War II and ended his career on 30th March 1979." }, { "source": "webnlg", "text": "Airey Neave, who was in World War II, began his career on March 4th 1974 and ended it on 30th March 1979." } ] }, { "tripleset": [ [ "Albert B. White", "DEATH_YEAR", "1941" ], [ "Albert B. White", "DATE_OF_BIRTH", "1856-09-22" ], [ "Albert B. White", "DATE_OF_DEATH", "1941-07-03" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Born September 22nd, 1856, Albert B. White, died on the July 3rd, 1941." }, { "source": "webnlg", "text": "Born on 22nd September 1856, Albert B White, died on the 3rd July 1941." }, { "source": "webnlg", "text": "Albert B. White was born 22nd of September, 1856 and died on 3rd of July, 1941." } ] }, { "tripleset": [ [ "Albert B. White", "SPOUSE", "Agnes Ward White" ], [ "Agnes Ward White", "BIRTH_PLACE", "Marietta, Ohio" ], [ "Albert B. White", "SUCCESSOR", "William M. O. Dawson" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Agnes Ward White, born in Marietta,Ohio was married to Albert B. White who was succeeded by William MO Dawson." }, { "source": "webnlg", "text": "William M. O. Dawson succeeded Albert B. White, whose spouse was Agnes Ward White, who was born in Marietta, Ohio." } ] }, { "tripleset": [ [ "Albert Jennings Fountain", "BIRTH_PLACE", "Staten Island" ], [ "Albert Jennings Fountain", "DEATH_PLACE", "United States" ], [ "United States", "ETHNIC_GROUP", "African Americans" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Albert Jennings Fountain was born in Staten Island and died in the US where African Americans are one of the ethnic groups." }, { "source": "webnlg", "text": "Albert Jennings Fountain was born in Staten Island and he died in the U.S. African Americans live in the United States." }, { "source": "webnlg", "text": "Albert Jennings Fountain was born in Staten Island and died in the United States, the country, where African Americans are one of the ethnic groups." } ] }, { "tripleset": [ [ "Albert Jennings Fountain", "DEATH_PLACE", "New Mexico Territory" ], [ "Albert Jennings Fountain", "BIRTH_PLACE", "New York City" ], [ "Albert Jennings Fountain", "BIRTH_PLACE", "Staten Island" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Albert Jennings Fountain was born in Staten Island, New York City and died in the New Mexico Territory." }, { "source": "webnlg", "text": "Albert Jennings Fountain was born in Staten Island, New York City and died in New Mexico Territory." }, { "source": "webnlg", "text": "Albert Jennings Fountain was born in Staten Island in New York City. He passed away in New Mexico Territory." } ] }, { "tripleset": [ [ "Albert Jennings Fountain", "DEATH_PLACE", "United States" ], [ "Albert Jennings Fountain", "BIRTH_PLACE", "New York" ], [ "Albert Jennings Fountain", "BIRTH_PLACE", "Staten Island" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Albert Jennings Fountain was born in Staten Island in New York. He died in the U.S." }, { "source": "webnlg", "text": "Albert Jennings Fountain was born in Staten Island, New York and also died in the US." }, { "source": "webnlg", "text": "Albert Jennings Fountain was born in Staten Island, New York and later died in the United States." } ] }, { "tripleset": [ [ "Alberto Teisaire", "DEATH_PLACE", "Buenos Aires" ], [ "Buenos Aires", "GOVERNING_BODY", "Buenos Aires City Legislature" ], [ "Buenos Aires", "LEADER_NAME", "Horacio Rodr\u00edguez Larreta" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Buenos Aires, which is the death place of Alberto Teisaire, is governed by the Buenos Aires City Legislature and led by Horacio Rodr\u00edguez Larreta." }, { "source": "webnlg", "text": "Alberto Teisaire died in Buenos Aires, the country which is governed by the Buenos Aires City Legislature and the leader is, Horacio Rodr\u00edguez Larreta." }, { "source": "webnlg", "text": "Alberto Teisaire's place of death was Buenos Aires, where Horacio Rodr\u00edguez Larreta is the leader and where, the governing body, is the Buenos Aires City Legislature." } ] }, { "tripleset": [ [ "Alberto Teisaire", "PROFESSION", "Rear admiral" ], [ "Alberto Teisaire", "SUCCESSOR", "Isaac Rojas" ], [ "Alberto Teisaire", "BIRTH_PLACE", "Mendoza, Argentina" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Rear Admiral, Alberto Teisaire, was born in Mendoza in Agentina, and succeeded by, Isaac Rojas." }, { "source": "webnlg", "text": "Alberto Teisaire was born in Mendoza in Argentina and was a Rear Admiral who was succeeded by Isaac Rojas." } ] }, { "tripleset": [ [ "Alfons Gorbach", "DEATH_PLACE", "Graz" ], [ "Alfons Gorbach", "BIRTH_PLACE", "County of Tyrol" ], [ "Alfons Gorbach", "BIRTH_PLACE", "Austria" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alfons Gorbach was born in the County of Tyrol, Austria and died in the city of Graz." }, { "source": "webnlg", "text": "Alfons Gorbach was born in the County of Tyrol in Austria and later died in Graz." }, { "source": "webnlg", "text": "Alfons Gorbach was born in the County of Tyrol in Austria, and died in Graz." } ] }, { "tripleset": [ [ "Alfred N. Phillips", "SUCCESSOR", "Albert E. Austin" ], [ "Alfred N. Phillips", "BIRTH_PLACE", "Connecticut" ], [ "Alfred N. Phillips", "OFFICE_(WORKED_AT,_WORKED_AS)", "\"Member of the U.S. House of Representatives from Connecticut's 4th district\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alfred N. Phillips was born in connecticut where he worked as a Member of the U.S House of Representatives in the 4th district and he is the successor of Albert E. Austin." }, { "source": "webnlg", "text": "Alfred N. Phillips was a Member of the U.S. House of Representatives from Connecticut's 4th district who was born in Connecticut and succeeded by Albert E Austin." } ] }, { "tripleset": [ [ "Alfred N. Phillips", "SUCCESSOR", "Albert E. Austin" ], [ "Alfred N. Phillips", "BIRTH_PLACE", "Darien, Connecticut" ], [ "Alfred N. Phillips", "OFFICE_(WORKED_AT,_WORKED_AS)", "\"Member of the U.S. House of Representatives from Connecticut's 4th district\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alfred N. Phillips, who was born in Darien, Connecticut, was a Member of the U.S. House of Representatives from Connecticut's 4th district and was succeeded by Albert E. Austin." }, { "source": "webnlg", "text": "Born in Darien Connecticut, Alfred N Phillips, worked as Member of the U.S. House of Representatives from Connecticut's 4th district and was succeeded by, Albert E. Austin." }, { "source": "webnlg", "text": "Alfred N Phillips was born in Darien Connecticut and prior to being succeeded by Albert E Austin worked as Member of the U.S. House of Representatives from Connecticut's 4th district." } ] }, { "tripleset": [ [ "Allan Shivers", "OFFICE_(WORKED_AT,_WORKED_AS)", "\"Member of the Texas State Senate from District 4 (Port Arthur)\"" ], [ "Allan Shivers", "PARTY", "Democratic Party (United States)" ], [ "Allan Shivers", "SUCCESSOR", "Wilfred R. Cousins, Jr." ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Allan Shivers served in the Democratic Party in the U.S. and worked as a member of the Texas State Senate from District 4 (Port Arthur) before being succeeded by Wilfred R Cousins Jr." }, { "source": "webnlg", "text": "Allan Shivers served in the U.S. Democratic Party, was a member of the Texas State Senate District 4 for Port Arthur and was succeeded by Wilfred R. Cousins, Jr." }, { "source": "webnlg", "text": "Allan Shivers was a member of both the Democratic Party in the United States and the Texas State Senate District 4 for Port Arthur. His successor was, Wilfred R. Cousins, Jr." } ] }, { "tripleset": [ [ "Alvah Sabin", "ACTIVE_YEARS_END_DATE", "1857-03-03" ], [ "Alvah Sabin", "REGION", "Vermont" ], [ "Vermont", "LARGEST_CITY", "Burlington, Vermont" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alvah Sabin, who ended his career on 3 March 1857, represented Vermont where the largest city is Burlington." }, { "source": "webnlg", "text": "Alvah Sabin, who retired on 3rd March 1857, represented Vermont, where the largest city is Burlington." }, { "source": "webnlg", "text": "Alvah Sabin represented Vermont - largest city; Burlington - and ended his career on March 3rd 1857." } ] }, { "tripleset": [ [ "Alvah Sabin", "PARTY", "Whig Party (United States)" ], [ "Alvah Sabin", "DATE_OF_BIRTH", "1793-10-23" ], [ "Whig Party (United States)", "LEADER_NAME", "Henry Clay" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Born on 23rd October, 1793, Alvah Sabin, was a member of the United States Whig Party, the leader of which, was Henry Clay." }, { "source": "webnlg", "text": "Alvah Sabin, who was born on October 23rd, 1793, was a member of the Whig Party of the United States which was led by Henry Clay." } ] }, { "tripleset": [ [ "Alvah Sabin", "PARTY", "Whig Party (United States)" ], [ "Whig Party (United States)", "LEADER_NAME", "Daniel Webster" ], [ "Alvah Sabin", "BIRTH_PLACE", "Georgia, Vermont" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Born in Georgia, Vermont, Alvah Sabin, was a member of the Whig Party of the United States. Daniel Webster is the leader of the Whig Party in the United States." }, { "source": "webnlg", "text": "Alvah Sabin was born in Georgia Vermont and became a member of the Whig Party of the United States which is led by Daniel Webster." }, { "source": "webnlg", "text": "Alvah Sabin was born in Georgia, Vermont and belongs to the United States Whig party which is led by Daniel Webster." } ] }, { "tripleset": [ [ "American Civil War", "COMMANDER", "Abraham Lincoln" ], [ "Albert Jennings Fountain", "BATTLES", "American Civil War" ], [ "Albert Jennings Fountain", "BIRTH_PLACE", "United States" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Albert Jennings Fountain was born in the United States and fought in the American Civil War. A commander in that war was Abraham Lincoln." }, { "source": "webnlg", "text": "Abraham Lincoln was a commander in the American Civil War, where US born Albert Jennings Fountain fought." }, { "source": "webnlg", "text": "Albert Jennings was born in the United States and fought in the American Civil War, where Abraham Lincoln was a commander." } ] }, { "tripleset": [ [ "American Civil War", "COMMANDER", "Jefferson Davis" ], [ "Alfred Moore Scales", "BATTLES", "Battle of Fredericksburg" ], [ "Battle of Fredericksburg", "IS_PART_OF_MILITARY_CONFLICT", "American Civil War" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The battle of Fredericksburg, in which Alfred Moore Scales paricipated, was part of the American Civil War military conflict during which Jefferson Davis was a commander." }, { "source": "webnlg", "text": "Alfred Moore Scales was in the American Civil War, Battle of Fredericksburg. Jefferson Davis was an American Civil War commander." }, { "source": "webnlg", "text": "Jefferson Davis was a commander in the American civil war which included the Battle of Fredericksburg in which Alfred Moore Scales fought." } ] }, { "tripleset": [ [ "Austria", "LEADER_NAME", "Doris Bures" ], [ "Alfons Gorbach", "BIRTH_PLACE", "County of Tyrol" ], [ "Alfons Gorbach", "DEATH_PLACE", "Austria" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alfons Gorbach ws born in the County of Tyrol and later died in Austria which is led by Doris Bures." }, { "source": "webnlg", "text": "Alfons Gorbach, was born in the County of Tyrol and died in Austria, the leader of which, is Doris Bures." } ] }, { "tripleset": [ [ "Austria", "LEADER_NAME", "Doris Bures" ], [ "Alfons Gorbach", "BIRTH_PLACE", "Tyrol (state)" ], [ "Alfons Gorbach", "DEATH_PLACE", "Austria" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alfons Gorbach's place of birth was the state, Tyrol and place of death was in Austria, the leader of which, is Doris Bures." }, { "source": "webnlg", "text": "Alfons Gorbach was born in the state of Tyrol and died in Austria, where the leader is Doris Bures." } ] }, { "tripleset": [ [ "Austria", "LEADER_NAME", "Doris Bures" ], [ "Alfons Gorbach", "DEATH_PLACE", "Styria" ], [ "Alfons Gorbach", "DEATH_PLACE", "Austria" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alfons Gorbach died in Styria, Austria where Doris Bures is a leader." }, { "source": "webnlg", "text": "Doris Bures is the leader of Austria where Alfons Gorbach died in Styria." } ] }, { "tripleset": [ [ "Battle of Salem Church", "COMMANDER", "Robert E. Lee" ], [ "Battle of Salem Church", "IS_PART_OF_MILITARY_CONFLICT", "American Civil War" ], [ "Aaron S. Daggett", "BATTLES", "Battle of Salem Church" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Battle of Salem Church, in which Aaron S Daggett fought and in which Robert E Lee was a commander, was part of the American Civil War." }, { "source": "webnlg", "text": "Robert E Lee was a commander in the Battle of Salem Church, which was one of the military conflicts in the American Civil War. Aaron S Daggett fought in the same battle." }, { "source": "webnlg", "text": "The Battle of Salem Church, where Aaron S Daggett fought and Robert E Lee was a commander, was part of the American Civil War." } ] }, { "tripleset": [ [ "Netherlands", "CURRENCY", "Euro" ], [ "Ab Klink", "BIRTH_PLACE", "Stellendam" ], [ "Ab Klink", "NATIONALITY", "Netherlands" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Ab Klink was born in Stellendam in the Netherlands, where the national currency is the euro." }, { "source": "webnlg", "text": "Born in Stellendam, Ab Klink is a national of the Netherlands where the Euro is the currency." }, { "source": "webnlg", "text": "Ab Klink was born in Stellendam and he is a national of the Netherlands. The euro is the currency there." } ] }, { "tripleset": [ [ "Poland", "LANGUAGE", "Polish language" ], [ "Adam Koc", "NATIONALITY", "Poland" ], [ "Poland", "ETHNIC_GROUP", "Kashubians" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Adam Koc is from Poland, where Polish is spoken and where Kashubians are an ethnic group." }, { "source": "webnlg", "text": "The Polish language is used in Poland, where Adam koc was from. Poland has an ethnic group called Kashubians." } ] }, { "tripleset": [ [ "(19255) 1994 VK8", "ESCAPE_VELOCITY", "0.0925 (kilometrePerSeconds)" ], [ "(19255) 1994 VK8", "MASS", "5.6 (kilograms)" ], [ "(19255) 1994 VK8", "APOAPSIS", "6603633000.0 (kilometres)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "19255 1994 VK8, with a mass of 5.6kg, has an apoapsis of 6603633000.0 kilometres and an escape velocity of 0.0925 km/s." }, { "source": "webnlg", "text": "19255 1994 VK8 has a mass of 5.6kg and an escape velocity of 0.0925 kilometres per second. Its apoapsis is 6603633000.0 km." }, { "source": "webnlg", "text": "(19255) 1994 VK8 has an escape velocity of 0.0925 km per sec, a mass of 5.6 kgs and an apoapsis of 6603633000.0 km." } ] }, { "tripleset": [ [ "(410777) 2009 FD", "ORBITAL_PERIOD", "39447000.0" ], [ "(410777) 2009 FD", "PERIAPSIS", "88234300000.0" ], [ "(410777) 2009 FD", "DISCOVERER", "Spacewatch" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The celestial body known as (410777) 2009 FD has an orbital period of 39447000 , has a periapsis of 88234300000.0 and it was discovered by Spacewatch." }, { "source": "webnlg", "text": "(410777) 2009 FD, which was discovered by Spacewatch, has an orbital period of 39447000.0 and a periapsis of 88234300000.0." }, { "source": "webnlg", "text": "Discovered by Spacewatch, (410777) 2009 FD has a periapsis of 88234300000.0, and an orbital period of 39447000.0." } ] }, { "tripleset": [ [ "(66063) 1998 RO1", "MINIMUM_TEMPERATURE", "-71.0 (degreeCelsius)" ], [ "(66063) 1998 RO1", "MAXIUMUM_TEMPERATURE", "500.0 (kelvins)" ], [ "(66063) 1998 RO1", "APOAPSIS", "254989570.60815 (kilometres)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "(66063) 1998 RO1 has an apoapsis of 254989570.60815 km, a maximum temperature of 500 kelvins and a minimum temperature of -71 degrees celsius." }, { "source": "webnlg", "text": "With an apoapsis of 254989570.60815 kilometres, (66063) 1998 RO1, has a minimum temperature of -71.0 degrees Celsius and a maximum temperature of 500.0 kelvins." }, { "source": "webnlg", "text": "The minimum temperature of (66063) 1998 RO1 is -71.0 deg celsius and its max temperature is 500.0 (kelvins). It has an apoapsis of 254989570.60815 kilometres." } ] }, { "tripleset": [ [ "(66391) 1999 KW4", "AVERAGE_SPEED", "37.16 (kilometrePerSeconds)" ], [ "(66391) 1999 KW4", "DENSITY", "2.0 (gramPerCubicCentimetres)" ], [ "(66391) 1999 KW4", "APOAPSIS", "162164091.8388 (kilometres)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The celestial body known as (66391) 1999 KW4 has an apoapsis of 162164091.8388 km, an average speed of 37.16 kilometres per second, and a density of 2.0 grams per cubic centimetre." }, { "source": "webnlg", "text": "Having a density of 2.0 gm per cu cm, (66391) 1999 KW4, has an apoapsis of 162164091.8388 kilometres, an the average speed of 37.16 km per sec." }, { "source": "webnlg", "text": "The celestial body known as (66391) 1999 KW4 has an apoapsis of 162164091.8388 km and an average speed of 37.16 kilometres per second. It's density is 2.0 gm per cu cm." } ] }, { "tripleset": [ [ "1000 Piazzia", "ORBITAL_PERIOD", "488160.0" ], [ "1000 Piazzia", "PERIAPSIS", "352497000000.0" ], [ "1000 Piazzia", "EPOCH", "2015-06-27" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The celestial body known as 1000 Piazzia has an orbital period of 488160. It has a periapsis of 352497000000.0 and the epoch date of, 2015-06-27." } ] }, { "tripleset": [ [ "1001 Gaussia", "EPOCH", "2015-06-27" ], [ "1001 Gaussia", "FORMER_NAME", "\"1923 OAA907 XC\"" ], [ "1001 Gaussia", "PERIAPSIS", "419113394.55312 (kilometres)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The periapsis of the 1001 Gaussia (formally known as 1923 OAA907 XC) is 419113394.55312 km and it has an epoch date of the 31st July 2016." }, { "source": "webnlg", "text": "1001 Gaussia, which was formerly called \"1923 OAA907 XC\", has an epoch date of 31 July 2016 and a periapsis of 419113394.55312 kilometres." } ] }, { "tripleset": [ [ "101 Helena", "MASS", "3.0 (kilograms)" ], [ "101 Helena", "ESCAPE_VELOCITY", "0.0348 (kilometrePerSeconds)" ], [ "101 Helena", "APOAPSIS", "441092000.0 (kilometres)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "101 Helena(mass 3.0kgs) has an escape velocity of 0.0348 kilometres per second and its apoapsis is 441092000.0 (kms)." }, { "source": "webnlg", "text": "101 Helena; has a mass of 3.0 kgs, an escape velocity of 0.0348 kilometres per second, and an apoapsis of 441092000.0 kilometres." } ] }, { "tripleset": [ [ "1036 Ganymed", "DISCOVERER", "Walter Baade" ], [ "Walter Baade", "NATIONALITY", "Germany" ], [ "Walter Baade", "ALMA_MATER", "University of G\u00f6ttingen" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "1036 Ganymed was discovered by Walter Baade, a German National who studied at the University of Gottingen." }, { "source": "webnlg", "text": "Walter Baade, a German national who graduated from the University of Gottingen, discovered 1036 Ganymed." }, { "source": "webnlg", "text": "Walter Baade, a German National, discovered 1036 Ganymed. His alma mater was the University of Gottingen." } ] }, { "tripleset": [ [ "103 Hera", "DISCOVERER", "James Craig Watson" ], [ "103 Hera", "EPOCH", "2011-08-27" ], [ "James Craig Watson", "DEATH_PLACE", "Madison, Wisconsin" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "103 Hera has an epoch date of August 27th 2011 and was discovered by James Craig Watson ,who died in Madison,Wisconsin." }, { "source": "webnlg", "text": "James Craig Watson was the discoverer of 103 Hera, the epoch of which is on the 31st of July 2016. He died in Madison, Wisconsin." }, { "source": "webnlg", "text": "103 Hera, which has the epoch of 27 August 2011, was discovered by James Craig Watson, who died in Madison, Wisconsin." } ] }, { "tripleset": [ [ "103 Hera", "DISCOVERER", "James Craig Watson" ], [ "James Craig Watson", "DEATH_PLACE", "Madison, Wisconsin" ], [ "James Craig Watson", "DEATH_CAUSE", "Peritonitis" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "James Craig Watson, who discovered 103 Hera, died in Madison, Wisconsin of peritonitis." }, { "source": "webnlg", "text": "103 Hera was discovered by James Craig Watson. He died in Madison, Wisconsin of peritonitis." }, { "source": "webnlg", "text": "103 Hera was discovered by James Craig Watson, who died of peritonitis in Madison, Wisconsin." } ] }, { "tripleset": [ [ "103 Hera", "EPOCH", "2011-08-27" ], [ "103 Hera", "ORBITAL_PERIOD", "1622.213 (days)" ], [ "103 Hera", "APOAPSIS", "437170000.0 (kilometres)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "103 Hera has an apoapsis of 437170000 km, an orbital period of 1622.213 days and an epoch date of 27 August 2011." }, { "source": "webnlg", "text": "103 Hera has the epoch of 27 August 2011. It has an orbital period of 1622.213 days and an apoapsis of 437170000.0 (kilometres)." }, { "source": "webnlg", "text": "103 Hera, which has an epoch date of 27 August 2011, has an apoapsis of 437170000.0 km and an orbital period of 1622.213 days." } ] }, { "tripleset": [ [ "103 Hera", "ESCAPE_VELOCITY", "0.0482 (kilometrePerSeconds)" ], [ "103 Hera", "TEMPERATURE", "170.0 (kelvins)" ], [ "103 Hera", "APOAPSIS", "437170000.0 (kilometres)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The celestial body known as 103 Hera has an escape velocity of 0.0482 k.p.s., temperature of 170.0 kelvins and an apoapsis of 437170000.0 kilometres." }, { "source": "webnlg", "text": "The celestial body known as 103 Hera has a temperature of 170 kelvins. It has has an escape velocity of 0.0482 kilometres per second and an apoapsis of 437170000.0 kilometres." }, { "source": "webnlg", "text": "103 Hera; has an escape velocity of 0.0482 kilometres per second, a temperature of 170.0 kelvins and an apoapsis of 437170000.0 kilometres." } ] }, { "tripleset": [ [ "107 Camilla", "DISCOVERER", "N. R. Pogson" ], [ "N. R. Pogson", "BIRTH_PLACE", "Nottingham" ], [ "N. R. Pogson", "NATIONALITY", "England" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "107 Camilla was discovered by the British NR Pogson who was born in Nottingham." }, { "source": "webnlg", "text": "NR Pogson was an English National who was born in Nottingham and discovered 107 Camilla." }, { "source": "webnlg", "text": "107 Camilla was discovered by English, N.R. Pogson, who was born in Nottingham." } ] }, { "tripleset": [ [ "1089 Tama", "EPOCH", "2005-11-26" ], [ "1089 Tama", "FORMER_NAME", "\"A894 VA; A904 VD;\"" ], [ "1089 Tama", "ORBITAL_PERIOD", "1202.846 (days)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Formerly named \"A894 VA; A 904 VD\", 1089 Tama has an orbital period of 1202.846 days, and it's epoch is 2005-11-26." }, { "source": "webnlg", "text": "The 1089 Tama (formally known as A894 VA; A904 VD) has an orbital period of 1202.846 days and an epoch date of the 26th November 2005." }, { "source": "webnlg", "text": "1089 Tama (formerly \"A894 VA; A904 VD\"), has an orbital period of 1202.846 days and the epoch date, 26 November 2005." } ] }, { "tripleset": [ [ "1089 Tama", "EPOCH", "2005-11-26" ], [ "1089 Tama", "PERIAPSIS", "288749000000.0" ], [ "1089 Tama", "APOAPSIS", "373513000.0 (kilometres)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The epoch date of 1089 Tama is 26 November 2005. It has a periapsis of 288749000000.0 and 373513000.0 km is the apoapsis." }, { "source": "webnlg", "text": "1089 Tama, with the epoch date November 26th 2005, has a periapsis of 288749000000.0. and an apoapsis of 373513000.0 kilometres." }, { "source": "webnlg", "text": "The epoch of 1089 Tama is November 26, 2005. It has a periapsis of 288749000000.0 and and its apoapsis is 373513000.0 (kilometres)." } ] }, { "tripleset": [ [ "1097 Vicia", "EPOCH", "2006-12-31" ], [ "1097 Vicia", "FORMER_NAME", "\"1928 PC\"" ], [ "1097 Vicia", "PERIAPSIS", "279142000000.0" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The epoch date of 1097 Vicia, which had 1928 PC as its former date, is 2006.12.31. Vicia has a periapsis measurement of 279142000000." } ] }, { "tripleset": [ [ "109 Felicitas", "EPOCH", "2006-12-31" ], [ "109 Felicitas", "MASS", "7.5 (kilograms)" ], [ "109 Felicitas", "ORBITAL_PERIOD", "139705000.0" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "109 Felicitas has an epoch date of 31 December 2006, a mass of 7.5 kg and an orbital period of 139705000.0." }, { "source": "webnlg", "text": "Weighing 7.5kgs, 109 Felicitas, has an epoch date of December 31st 2006, and its orbital period is, 139705000.0." }, { "source": "webnlg", "text": "The 109 Felicitas (mass of 7.5 kilograms) has an orbital period of 139705000.0 and has an epoch date of the 31st December 2006." } ] }, { "tripleset": [ [ "109 Felicitas", "EPOCH", "2006-12-31" ], [ "109 Felicitas", "ORBITAL_PERIOD", "139705000.0" ], [ "109 Felicitas", "APOAPSIS", "523329000.0 (kilometres)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The epoch date of 109 Felicitas was 31 December 2006,has an orbital period of 139705000.0 and its apoapsis is 523329000.0 kilometres." }, { "source": "webnlg", "text": "109 Felicitas has an epoch date of December 31st 2006. Its orbital period is is 139705000.0 and its apoapsis is 523329000.0 (kilometres)." }, { "source": "webnlg", "text": "109 Felicitas has an epoch date of December 31st 2006. It has an orbital period of 139705000.0 and an apoapsis of 523329000.0 kilometres." } ] }, { "tripleset": [ [ "10 Hygiea", "AVERAGE_SPEED", "16.76 (kilometrePerSeconds)" ], [ "10 Hygiea", "ORBITAL_PERIOD", "5.57 (days)" ], [ "10 Hygiea", "APOAPSIS", "523951582.33968 (kilometres)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The 10 Hygiea has an apoapsis of 523951582.33968 km and an average speed of 16.76 km per second. 5.57 days is the orbital period for the asteroid." }, { "source": "webnlg", "text": "10 Hygiea; has an average speed of 16.76 kilometres per second, an apoapsis of 523951582.33968 kilometre and takes 5.57 days to orbit." }, { "source": "webnlg", "text": "With an average speed of 16.76 km per secs, 10 Hygiea, takes 5.57 days to orbit and has an apoapsis of 523951582.33968 kilometres." } ] }, { "tripleset": [ [ "10 Hygiea", "AVERAGE_SPEED", "16.76 (kilometrePerSeconds)" ], [ "10 Hygiea", "SURFACE_AREA", "837080.744 (squareKilometres)" ], [ "10 Hygiea", "APOAPSIS", "523951582.33968 (kilometres)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "10 Hygiea has an apoapsis of 523951582.33968 km, a surface area of 837080.744 sq km and an average speed of 16.76 km per sec." }, { "source": "webnlg", "text": "The celestial body known as 10 Hygiea, has a surface area of 837080.744 square km and an average speed of 16.76 km per secs. 10 Hygiea has an apoapsis of 523951582.33968 kilometres." }, { "source": "webnlg", "text": "The astroid10 Hygiea has a surface area of 837080.744 square kilometres and an apoapsis of 523951582.33968 kilometres. Its average speed is 16.76 kilometres per second." } ] }, { "tripleset": [ [ "10 Hygiea", "SURFACE_AREA", "837080.744 (squareKilometres)" ], [ "10 Hygiea", "APOAPSIS", "523951582.33968 (kilometres)" ], [ "10 Hygiea", "TEMPERATURE", "164.0 (kelvins)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "10 Hygiea; has a surface area of 837080.744 square kilometres, an apoapsis of 523951582.33968 kilometres, and a temperature of 164.0 kelvins." }, { "source": "webnlg", "text": "The celestial body known as 10 Hygiea has a surface area of 837080.744 square km. It has an apoapsis of 523951582.33968 kilometres and a temperature of 164 Kelvins." }, { "source": "webnlg", "text": "The asteroid called 10 Hygiea, has an apoapsis of 523951582.33968 kilometres, a surface area of 837080.744 square km and a temperature of 164 Kelvins." } ] }, { "tripleset": [ [ "110 Lydia", "EPOCH", "2006-12-31" ], [ "110 Lydia", "MASS", "6.7 (kilograms)" ], [ "110 Lydia", "PERIAPSIS", "377016000000.0" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "110 Lydia's epoch is 31st December 2006, it has a mass of 6.7kg and a periapsis of 377016000000.0." }, { "source": "webnlg", "text": "110 Lydia has a mass of 6.7 kg, a periapsis of 377016000000.0, and has an epoch date of December 31st, 2006." }, { "source": "webnlg", "text": "110 Lydia has an epoch date of December 31st 2006. Its mass is 6.7 kg and has a periapsis measurement of 377016000000.0." } ] }, { "tripleset": [ [ "110 Lydia", "EPOCH", "2006-12-31" ], [ "110 Lydia", "PERIAPSIS", "377016000000.0" ], [ "110 Lydia", "APOAPSIS", "440756000.0 (kilometres)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "110 Lydia; has an apoapsis of 440756000.0 kilometres, a periapsis of 377016000000.0, and its epoch is 31st December 2006." }, { "source": "webnlg", "text": "110 Lydia, with the epoch date December 31st 2006, has an apoapsis of 440756000.0 km and a periapsis measurement of 377016000000.0." } ] }, { "tripleset": [ [ "Aaron Bertram", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Kids Imagine Nation" ], [ "Aaron Bertram", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Suburban Legends" ], [ "Suburban Legends", "GENRE", "Pop music" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "An artist with the band Kids Imagine Nation, Aaron Bertram plays for the Suburban Legends band which plays pop music." }, { "source": "webnlg", "text": "Aaron Bertram plays for the Suburban Legends pop music band.He is an artist with the band Kids Imagine Nation." }, { "source": "webnlg", "text": "Aaron Bertram plays for the Kids Imagine Nation band and the Suburban Legends, a pop music band." } ] }, { "tripleset": [ [ "Aaron Deer", "GENRE", "Indie rock" ], [ "Aaron Deer", "ORIGIN", "Indiana" ], [ "Aaron Deer", "ORIGIN", "United States" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Aaron Deer was born in Indiana,United States and his musical genre is indie rock." }, { "source": "webnlg", "text": "From Indiana (United States), Aaron Deer's musical genre is, indie rock." }, { "source": "webnlg", "text": "American Aaron Deer is an Indie rock musician from Indiana." } ] }, { "tripleset": [ [ "Aaron Deer", "ORIGIN", "United States" ], [ "Aaron Deer", "GENRE", "Psychedelia" ], [ "Aaron Deer", "ORIGIN", "Indiana" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Aaron Deer is an American from Indiana who performs Psychedelia music." }, { "source": "webnlg", "text": "American, Aaron Deer, whose genre is Psychedelia, is from Indiana." }, { "source": "webnlg", "text": "American Aaron Deer, comes from Indiana and performs Psychedelia music." } ] }, { "tripleset": [ [ "Aaron Turner", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Twilight (band)" ], [ "Aaron Turner", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Greymachine" ], [ "Aaron Turner", "GENRE", "Black metal" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Black Metal music is Aaron Turner's thing and he plays for Twilight band. Mr. Turner is also associated with Greymachine, the band." }, { "source": "webnlg", "text": "Aaron Turner's music genre is Black Metal and he played with the Twilight band. He is also associated with the Greymachine band." }, { "source": "webnlg", "text": "Aaron Turner; performs black metal music, played with the band Twilight and played for the Greymachine band." } ] }, { "tripleset": [ [ "Aaron Turner", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Twilight (band)" ], [ "Aaron Turner", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Greymachine" ], [ "Aaron Turner", "GENRE", "Drone music" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Aaron Turner plays drone music and played with the bands Twilight and Greymachine." }, { "source": "webnlg", "text": "Aaron Turner; played with the band Twilight, is part of the drone music genre and is associated with the group Greymachine." }, { "source": "webnlg", "text": "Aaron Turner played with the band Twilight, is associated with the group Greymachine, and plays drone music." } ] }, { "tripleset": [ [ "Aaron Turner", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Twilight (band)" ], [ "Aaron Turner", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Mamiffer" ], [ "Aaron Turner", "GENRE", "Ambient music" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Aaron Turner played with the bands Twilight and Mamiffer. His genre is Ambient music." }, { "source": "webnlg", "text": "Aaron Turner; performs ambient music, played with the band Twilight and performs for Mamiffer." }, { "source": "webnlg", "text": "Aaron Turner played with the band Twilight and performed for Mamiffer. Mr. Turner plays Ambient type music." } ] }, { "tripleset": [ [ "Aaron Turner", "GENRE", "Black metal" ], [ "Aaron Turner", "INSTRUMENT", "Electric guitar" ], [ "Black metal", "MUSIC_FUSION_GENRE", "Death metal" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Aaron Turner plays electric guitar in the Black Metal genre. Death metal is a fusion of black metal." }, { "source": "webnlg", "text": "Death metal is a musical fusion of black metal, the music played by electric guitarist, Aaron Turner." }, { "source": "webnlg", "text": "Death metal is a musical fusion of the black metal music performed by Aaron Turner on the electric guitar." } ] }, { "tripleset": [ [ "Aaron Turner", "GENRE", "Black metal" ], [ "Aaron Turner", "INSTRUMENT", "Singing" ], [ "Black metal", "MUSIC_FUSION_GENRE", "Death metal" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Black Metal is a genre of Aaron Turner's music and Death metal is a musical fusion of black metal." }, { "source": "webnlg", "text": "Aaron Turner is a singer and Black metal musician. Death metal is a musical fusion of black metal." } ] }, { "tripleset": [ [ "Abradab", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Magik (rapper)" ], [ "Abradab", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Kaliber 44" ], [ "Abradab", "DATE_OF_BIRTH", "1978-11-12" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Abradab who was born on November 12th 1978 is an artist for the band Kaliber 44 and he is with rapper associated with Magri." }, { "source": "webnlg", "text": "Born on 12th November, 1978, Abradab, played with the band Kaliber 44 and is associated with the rapper, Magik." }, { "source": "webnlg", "text": "Abradab, born 11/12/1978, is a member of Kaliber 44 and is associated with rap artist, Magik." } ] }, { "tripleset": [ [ "Abradab", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Magik (rapper)" ], [ "Abradab", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Kaliber 44" ], [ "Abradab", "ORIGIN", "Katowice" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Katowice born Abradab has been with the band Kaliber 44 and associated with rapper, Magik." }, { "source": "webnlg", "text": "Abradab comes from Katowice and plays for the Kaliber 44 band. He plays with rapper, Magik." }, { "source": "webnlg", "text": "Born in Katowice, Abradab, an artist for the band Kaliber 44, is musically associated with the rapper Magik." } ] }, { "tripleset": [ [ "Ace Wilder", "GENRE", "Hip hop music" ], [ "Hip hop music", "STYLISTIC_ORIGIN", "Funk" ], [ "Hip hop music", "STYLISTIC_ORIGIN", "Disco" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Hip hop music, with origins in Disco and Funk, is the genre of musician, Ace Wilder." }, { "source": "webnlg", "text": "The musical genre of Ace Wilder is hip hop music. Hip Hop music originates from Funk and has its stylistic origins in disco." }, { "source": "webnlg", "text": "Hip hop is the genre of musician Ace Wilder. Hip Hop derives from Disco and Funk." } ] }, { "tripleset": [ [ "Agust\u00edn Barboza", "BIRTH_PLACE", "Asunci\u00f3n" ], [ "Paraguay", "LEADER_NAME", "Juan Afara" ], [ "Agust\u00edn Barboza", "BIRTH_PLACE", "Paraguay" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Agust\u00edn Barboza was born in Asunci\u00f3n, Paraguay which is led by Juan Afara." }, { "source": "webnlg", "text": "Agust\u00edn Barboza was born in Asunci\u00f3n, Paraguay. The leader of Paraguay is Juan Afara." } ] }, { "tripleset": [ [ "Al Anderson (NRBQ band)", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "NRBQ" ], [ "Al Anderson (NRBQ band)", "INSTRUMENT", "Singing" ], [ "Al Anderson (NRBQ band)", "GENRE", "Rock music" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Al Anderson sings for the band NRBQ and their specialty is Rock music." }, { "source": "webnlg", "text": "Al Anderson is a singer who plays with the band NRBQ. His genre is rock music." }, { "source": "webnlg", "text": "Singer Al Anderson, plays with and is a member of the band NRBQ, the musical genre of which, is Rock music." } ] }, { "tripleset": [ [ "Alan Frew", "GENRE", "Rock music" ], [ "Rock music", "STYLISTIC_ORIGIN", "Country music" ], [ "Rock music", "MUSIC_FUSION_GENRE", "Bhangra (music)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alan Frew's genre is Rock music, which originated from country music. The music Bhangra is part of the fusion genre, partly coming from Rock music." }, { "source": "webnlg", "text": "Alan Frew is a performer of rock music which originated from country music. A musical fusion of rock music is bhangra music." }, { "source": "webnlg", "text": "The Bhangra music is part of the fusion genre,partly coming from Rock music which Alan Frew also plays and whose origins are coming from the folk style." } ] }, { "tripleset": [ [ "Albennie Jones", "GENRE", "Jazz" ], [ "Jazz", "STYLISTIC_ORIGIN", "Blues" ], [ "Jazz", "MUSIC_FUSION_GENRE", "Afrobeat" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Albennie Jones plays Jazz music which originated from Blues music. A fusion of Jazz is Afrobeat music." }, { "source": "webnlg", "text": "Albennie Jones is a Jazz musician. Jazz comes from Blues music and the Afrobeat is a fusion genre of that music." }, { "source": "webnlg", "text": "Albennie Jones plays jazz which originates from Blues music. Afrobeat music also has elements of Jazz." } ] }, { "tripleset": [ [ "Albennie Jones", "GENRE", "Rhythm and blues" ], [ "Albennie Jones", "BIRTH_PLACE", "Errata, Mississippi" ], [ "Rhythm and blues", "DERIVATIVE", "Disco" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Albennie Jones, born in Errata, Mississippi, is a performer of rhythm and blues, of which disco is a derivative." }, { "source": "webnlg", "text": "Albennie Jones was born in Errata Mississippi and his musical genre is rhythm and blues which is where Disco derives." }, { "source": "webnlg", "text": "Albennie Jones was born in Errata, Mississippi and performs in the rhythm and blues genre. Disco is a derivative of rhythm and blues." } ] }, { "tripleset": [ [ "Aleksandra Kova\u010d", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Bebi Dol" ], [ "Aleksandra Kova\u010d", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "K2 (Kova\u010d sisters duo)" ], [ "Aleksandra Kova\u010d", "GENRE", "Pop music" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Aleksandra Kova\u010d plays pop music for the K2 band. He knows musician, Bebi Dol." }, { "source": "webnlg", "text": "Aleksandra Kova\u010d is associated with the musical artist Bebi Dol, is part of the band K2 (Kovac sisters duo), and musical genre is Pop." }, { "source": "webnlg", "text": "Pop musician Aleksandra Kova\u010d is associated with the musical artist Bebi Dol and is part of the band K2 Kovac sisters duo." } ] }, { "tripleset": [ [ "Aleksandra Kova\u010d", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Bebi Dol" ], [ "Aleksandra Kova\u010d", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Kornelije Kova\u010d" ], [ "Aleksandra Kova\u010d", "GENRE", "Pop music" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Aleksandra Kova\u010d, whose musical genre is Pop, is in same band with Kornelije Kova\u010d and is associated with the musical artist Bebi Dol." }, { "source": "webnlg", "text": "Aleksandra Kova\u010d, a performer of pop music, is associated with the musical artists Bebi Dol and Kornelije Kova\u010d." }, { "source": "webnlg", "text": "Aleksandra Kova\u010d is associated with the musical artists Bebi Dol and Kornelije Kovac. Her musical genre is Pop." } ] }, { "tripleset": [ [ "Aleksandra Kova\u010d", "GENRE", "Rhythm and blues" ], [ "Aleksandra Kova\u010d", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "K2 (Kova\u010d sisters duo)" ], [ "Aleksandra Kova\u010d", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Kristina Kova\u010d" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Aleksandra Kova\u010d is an artist for the band K2 and has the musical genre of rhythm and blues. She is musically involved with Kristina Kovac." }, { "source": "webnlg", "text": "Rhythm and Blues artist Aleksandra Kova\u010d is a member of sister duo, K2, with musician Kristina Kova\u010d." } ] }, { "tripleset": [ [ "Alex Day", "GENRE", "Synthpop" ], [ "Synthpop", "STYLISTIC_ORIGIN", "Pop music" ], [ "Synthpop", "STYLISTIC_ORIGIN", "Disco" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The musical genre of Alex Day, is Synthpop, which originated from Disco and has its stylistic origins in pop music." }, { "source": "webnlg", "text": "The musical genre of Alex Day is Synthpop, a form of pop music which originated from Disco." }, { "source": "webnlg", "text": "Alex Day performs Synthpop music which originated from Disco and stylistically is a type of pop music." } ] }, { "tripleset": [ [ "Alfred Garth Jones", "BIRTH_PLACE", "England" ], [ "Alfred Garth Jones", "BIRTH_PLACE", "Manchester" ], [ "Alfred Garth Jones", "DEATH_PLACE", "Sidcup" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alfred Garth Jones was born in Manchester,England and he passed away in Sidcup." }, { "source": "webnlg", "text": "Born in Manchester, England, Alfred Garth Jones, died in Sidcup." }, { "source": "webnlg", "text": "Alfred Garth Jones was born in Manchester, England and died in Sidcup." } ] }, { "tripleset": [ [ "Alfred Garth Jones", "DEATH_PLACE", "London" ], [ "Alfred Garth Jones", "BIRTH_PLACE", "England" ], [ "Alfred Garth Jones", "NATIONALITY", "United Kingdom" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alfred Garth Jones was born in London in the United Kingdom. He died in London." }, { "source": "webnlg", "text": "Alfred Garth Jones, born in England in the U.K., died in London." }, { "source": "webnlg", "text": "Alfred Garth Jones was born in England and died in London." } ] }, { "tripleset": [ [ "Alfred Garth Jones", "DEATH_PLACE", "London" ], [ "Alfred Garth Jones", "NATIONALITY", "United Kingdom" ], [ "Alfred Garth Jones", "BIRTH_PLACE", "Manchester" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alfred Garth Jones was born in Manchester in the UK, and died in London." }, { "source": "webnlg", "text": "Alfred Garth Jones, was born in Manchester, in the United Kingdom and died in London." }, { "source": "webnlg", "text": "Alfred Garth Jones was born in Manchester,United Kingdom and he passed away in London." } ] }, { "tripleset": [ [ "Alfred Garth Jones", "DEATH_PLACE", "Sidcup" ], [ "Alfred Garth Jones", "BIRTH_PLACE", "Manchester" ], [ "Manchester", "LEADER_NAME", "Labour Party (UK)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Born in Manchester, Alfred Garth Jones, died in Sidcup. In Manchester The Labour Party leads." }, { "source": "webnlg", "text": "Alfred Garth Jones was born in Manchester and died in Sidcup. The majority in Manchester is the Labour Party." }, { "source": "webnlg", "text": "The Labour Party (UK) is the leader of Manchester, the city of birth of Alfred Garth Jones, who died in Sidcup." } ] }, { "tripleset": [ [ "Alfred Garth Jones", "DEATH_PLACE", "Sidcup" ], [ "Alfred Garth Jones", "DEATH_PLACE", "London" ], [ "London", "LEADER_NAME", "Boris Johnson" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alfred Garth Jones died in Sidcup, London (led by Boris Johnson)." }, { "source": "webnlg", "text": "Alfred Garth Jones died in Sidcup, London. Boris Johnson is a leader in the city." }, { "source": "webnlg", "text": "Alfred Garth Jones died in Sidcup in London where Boris Johnson is a leader." } ] }, { "tripleset": [ [ "Alison O'Donnell", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Flibbertigibbet" ], [ "Alison O'Donnell", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Mellow Candle" ], [ "Alison O'Donnell", "GENRE", "Folk music of Ireland" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alison O'Donnell played folk music of Ireland for the band Mellow Candle and the Flibbertigibbet band." }, { "source": "webnlg", "text": "Irish Folk musician Alison O'Donnell is part of the Flibbertigibbet band and formerly of Mellow Candle." }, { "source": "webnlg", "text": "Alison O\u2019Donnell was in the bands Mellow Candle and Flibbertigibbet band and Ireland Folk music is the genre she performs." } ] }, { "tripleset": [ [ "Alison O'Donnell", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Mellow Candle" ], [ "Alison O'Donnell", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Flibbertigibbet" ], [ "Alison O'Donnell", "GENRE", "Folk music" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alison O'Donnell plays folk music and has played with the Mellow Candle and Flibbertigibbet bands." }, { "source": "webnlg", "text": "Folk music is the genre of Alison O'Donnell, who was in the bands Mellow Candle and the Flibbertigibbet band." }, { "source": "webnlg", "text": "Alison O'Donnell plays Folk music for the Mellow Candle band. He also played for the Flibbertigibbet band." } ] }, { "tripleset": [ [ "Alison O'Donnell", "GENRE", "Jazz" ], [ "Jazz", "DERIVATIVE", "Funk" ], [ "Alison O'Donnell", "INSTRUMENT", "\"Voice, bodhr\u00e1n, percussion, autoharp\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Jazz musician Alison O'Donnell is a vocalist and also plays the bodhran,percussion and autoharp. Jazz derives from Funk." }, { "source": "webnlg", "text": "Alison O'Donnell is a jazz (funk is a derivative of Jazz) performer who sings, plays percussion, autoharp and bodhan." }, { "source": "webnlg", "text": "Alison O'Donnell performs jazz music, of which funk is a derivative. She is a musician who uses her voice, bodhran, percussion and autoharp." } ] }, { "tripleset": [ [ "Alison O'Donnell", "GENRE", "Jazz" ], [ "Jazz", "DERIVATIVE", "Funk" ], [ "Alison O'Donnell", "RECORD_LABEL", "Static Caravan Recordings" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Jazz musician Alison O'Donnell is signed with Static Caravan Recordings. Jazz is the origin of Funk." }, { "source": "webnlg", "text": "Funk is a derivative of Jazz, the music Alison O'Donnell performs. Alison O'Donnell recorded on the record label, Static Caravan Recordings." }, { "source": "webnlg", "text": "Funk is a derivative of Jazz, the music Alison O'Donnell plays. Alison O'Donnell recorded on the record label, Static Caravan Recordings." } ] }, { "tripleset": [ [ "Allen Forrest", "BIRTH_PLACE", "Dothan, Alabama" ], [ "Allen Forrest", "GENRE", "Pop music" ], [ "Allen Forrest", "BACKGROUND", "\"solo singer\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Born in Dothan, Alabama, Allen Forrest has a background as a solo singer and was a pop artist." }, { "source": "webnlg", "text": "Allen Forrest (Dothan, Alabama) is a solo singer and an exponent of Pop music." }, { "source": "webnlg", "text": "Born in Dothan, Alabama, Allen Forrest, is a solo singer, who plays pop music." } ] }, { "tripleset": [ [ "Allen Forrest", "GENRE", "Rhythm and blues" ], [ "Allen Forrest", "BIRTH_PLACE", "Dothan, Alabama" ], [ "Allen Forrest", "BACKGROUND", "\"solo singer\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Born in Dothan (Alabama), Allen Forrest, started out as a solo singer and performs rhythm and blues music." }, { "source": "webnlg", "text": "Allen Forrest, born in Dothan, Alabama, performs rhythm and blues. He was originally a solo singer." }, { "source": "webnlg", "text": "Rhythm and Blues musician and solo singer Allen Forrest, was born in Dothan, Alabama." } ] }, { "tripleset": [ [ "Alternative rock", "MUSIC_FUSION_GENRE", "Nu metal" ], [ "Andrew White (musician)", "GENRE", "Alternative rock" ], [ "Alternative rock", "STYLISTIC_ORIGIN", "New wave music" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The musician Andrew White's genre is alternative rock, which has origins in New wave music and Nu metal is a music fusion genre of alternative rock." }, { "source": "webnlg", "text": "Musician Andrew White's genre is alternative rock which originated from new wave music. Nu metal is a music fusion genre of alternative rock." }, { "source": "webnlg", "text": "The musician Andrew White's genre is alternative rock, which has origins in New wave music. Nu metal is a music fusion genre of alternative rock." } ] }, { "tripleset": [ [ "Anders Osborne", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Billy Iuso" ], [ "Anders Osborne", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Tab Benoit" ], [ "Anders Osborne", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Kirk Joseph" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Anders Osborne has collaborated with Kirk Joseph and is associated with musical artist Billy Iuso and Tab Benoit." }, { "source": "webnlg", "text": "Anders Osborne is associated with the musical artists Billy Iuso and Kirk Joseph and also associated with Tab Benoit." }, { "source": "webnlg", "text": "Anders Osborne has worked with Tab Benoit and is associated with the musical artist Billy Iuso and Kirk Joseph." } ] }, { "tripleset": [ [ "Anders Osborne", "RECORD_LABEL", "Rabadash Records" ], [ "Anders Osborne", "GENRE", "Rock music" ], [ "Rock music", "MUSIC_FUSION_GENRE", "Bhangra (music)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Anders Osborne, whose genre is rock music, is signed to the Rabadash Records label. A musical fusion of rock music is called bhangra music." }, { "source": "webnlg", "text": "Anders Osborne\u2019s musical genre is rock music and record label is Rabadash Records. The music Bhangra is part of the fusion genre, partly coming from Rock music." }, { "source": "webnlg", "text": "Anders Osborne is signed to the record label Rabadash Records and his genre is rock music. The music Bhangra is part of the genre Rock music fusion ." } ] }, { "tripleset": [ [ "Andra (singer)", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Puya (singer)" ], [ "Andra (singer)", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "CRBL" ], [ "Andra (singer)", "GENRE", "Dance-pop" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Andra, a singer of Dance-pop music, is associated with the band CRBL and the singer Puya." }, { "source": "webnlg", "text": "Andra is a singer and her music genre is Dance-pop. She is associated with the band CRBL and with the singer Puya." }, { "source": "webnlg", "text": "Andra is a singer associated with the singer Puya and the band CRBL. Her musical genre is dance pop." } ] }, { "tripleset": [ [ "Andra (singer)", "GENRE", "Rhythm and blues" ], [ "Andra (singer)", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Andreea B\u0103lan" ], [ "Andra (singer)", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Marius Moga" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Rhythm and blues is the genre of singer Andra, who, is associated with musician Marius Moga and Andreea B\u0103lan." }, { "source": "webnlg", "text": "Rhythm and blues singer Andra is associated with musicians Marius Moga and Andreea Balan." }, { "source": "webnlg", "text": "Rhythm and blues is the genre of the singer, Andra, who is associated with, Marius Moga and Andreea Balan." } ] }, { "tripleset": [ [ "Andra (singer)", "GENRE", "Rhythm and blues" ], [ "Andra (singer)", "BACKGROUND", "\"solo singer\"" ], [ "Rhythm and blues", "DERIVATIVE", "Disco" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Starting her career as a solo singer, Andra's genre is Rhythm and blues, a derivative of which, is Disco." }, { "source": "webnlg", "text": "Andra began her career as a solo singer and is a rhythm and blues singer. Disco derives from rhythm and blues." }, { "source": "webnlg", "text": "Andra is a solo singer who's genre is Rhythm and blues. Disco is a derivative of rhythm and blues." } ] }, { "tripleset": [ [ "Andrew Rayel", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Christian Burns" ], [ "Andrew Rayel", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Jonathan Mendelsohn" ], [ "Andrew Rayel", "GENRE", "Trance music" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Andrew Rayel plays trance music and is associated with Christian Burns and musician, Jonathan Mendelsohn." }, { "source": "webnlg", "text": "The musical genre of Andrew Rayel is trance music. He is associated with the musical artists Jonathan Mendelsohn and Christian Burns." }, { "source": "webnlg", "text": "Andrew Rayel, whose musical genre is Trance, is associated with the musical artist Jonathan Mendelsohn. The musicians Andrew Rayel and Christian Burns are associates." } ] }, { "tripleset": [ [ "Andrew Rayel", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Jonathan Mendelsohn" ], [ "Andrew Rayel", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Bobina" ], [ "Andrew Rayel", "GENRE", "Trance music" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Trance musician Andrew Rayel is associated with musical artists Jonathan Mendelsohn and Bobina." }, { "source": "webnlg", "text": "Andrew Rayel, of the music genre trance music, is associated with the musical artists Jonathan Mendelsohn and Bobina." }, { "source": "webnlg", "text": "Andrew Rayel ( a Trance music artiste) is an associate of musical artists Bobina and Jonathan Mendelsohn." } ] }, { "tripleset": [ [ "Andrew Rayel", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Jwaydan Moyine" ], [ "Christian Burns", "GENRE", "House music" ], [ "Andrew Rayel", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Christian Burns" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Christian Burns plays house music and is associated with Andrew Rayel. Mr. Rayel is connected with Jwaydan Moyine, musician." }, { "source": "webnlg", "text": "Musicians Andrew Rayel and Christian Burns are associates and while the latter plays house music, the former is associated with musician Jwaydan Moyine." } ] }, { "tripleset": [ [ "Andrew White (musician)", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Marry Banilow" ], [ "Andrew White (musician)", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Kaiser Chiefs" ], [ "Andrew White (musician)", "RECORD_LABEL", "Universal Records (defunct record label)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Andrew White, member of the band Kaiser Chiefs, is also associated with artist Marry Banilow. His record label was Universal Records, which is now defunct." }, { "source": "webnlg", "text": "Andrew white was once a member of Kaiser Chiefs and is associated with Marry Banilow. His record label is the now defunct Universal Records." }, { "source": "webnlg", "text": "The band Kaiser Chiefs' musician Andrew White is associated with the musical artist Marry Banilow. His record label used to be Universal records which is now a defunct label." } ] }, { "tripleset": [ [ "Ska punk", "STYLISTIC_ORIGIN", "Ska" ], [ "Aaron Bertram", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Suburban Legends" ], [ "Aaron Bertram", "GENRE", "Ska punk" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Aaron Bertram, whose musical genre is Ska punk, plays for the Suburban Legends band. Ska punk originated from ska music." }, { "source": "webnlg", "text": "Aaron Bertram plays for the Suburban Legends band and performs ska punk music, which has its origins in Ska." }, { "source": "webnlg", "text": "Ska punk musician Aaron Bertram is in the band Suburban Legends. Ska punk derives from Ska." } ] }, { "tripleset": [ [ "United States", "ETHNIC_GROUP", "African Americans" ], [ "Albennie Jones", "BIRTH_PLACE", "Errata, Mississippi" ], [ "Albennie Jones", "BIRTH_PLACE", "United States" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Albennie Jones was born in Errata Mississippi in the USA, a country where the African Americans are an ethnic group." }, { "source": "webnlg", "text": "Albennie Jones was born in Errata, Mississippi, United States, where African Americans are one of the ethnic groups." }, { "source": "webnlg", "text": "Albennie Jones was born in Errata, Mississippi, United States where african americans are an ethnic group." } ] }, { "tripleset": [ [ "1955 Dodge", "ENGINE", "V8 engine" ], [ "1955 Dodge", "TRANSMISSION", "\"3-speed automatic\"" ], [ "1955 Dodge", "ALTERNATIVE_NAME", "\"Dodge Coronet\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The 1955 Dodge, with an alternative name of Dodge coronet, has a V8 engine and 3-speed transmission." }, { "source": "webnlg", "text": "The 1955 Dodge, also named the Dodge Coronet, has a 3-speed automatic transmission and a V8 engine." }, { "source": "webnlg", "text": "The 1955 Dodge, which has the alternative name of Dodge Coronet, has a V8 engine and uses a 3 speed automatic transmission." } ] }, { "tripleset": [ [ "A-Rosa Luna", "SHIP_CLASS", "Cruise ship" ], [ "A-Rosa Luna", "LENGTH", "125800.0 (millimetres)" ], [ "A-Rosa Luna", "SHIP_ORDERED", "2004-01-22" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Ordered on January 22nd, 2004, the A-Rosa Luna, is classed as a Cruise ship and has a length of, 125.8 metres." }, { "source": "webnlg", "text": "A-Rosa-Luna, a cruise ship 125800.0 millimetres in length, was ordered on January 22, 2004." } ] }, { "tripleset": [ [ "A-Rosa Luna", "SHIP_DISPLACEMENT", "1850.0 (tonnes)" ], [ "A-Rosa Luna", "TOP_SPEED", "24.0" ], [ "A-Rosa Luna", "LENGTH", "125800.0 (millimetres)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "With a top speed of 24.0, the ship A Rosa Luna is 125800.00 millimetres long and weighs 1850 tonnes." }, { "source": "webnlg", "text": "A-Rosa Luna has a ship displacement of 1850 tonnes and a top speed of 24 km/h. Its length is 125.8 metres." }, { "source": "webnlg", "text": "The A-Rosa Luna which is 125.8 metres long has a top speed of 24.0 and weighs 1850 tonnes." } ] }, { "tripleset": [ [ "AIDA Cruises", "LOCATION", "Germany" ], [ "AIDAstella", "OPERATOR", "AIDA Cruises" ], [ "AIDAstella", "OWNER", "Costa Crociere" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The operator of AIDAstella is German baased AIDA Cruises. The AIDAstella is owned by Costa Crociere." }, { "source": "webnlg", "text": "The AIDAstella is owned by Cost Crociere and it's operator is German based AIDA Cruises." }, { "source": "webnlg", "text": "AIDA Cruises are based in Germany and owned by Costa Crociere. They operate the AIDAstella." } ] }, { "tripleset": [ [ "AIDAstella", "CHRISTENING_DATE", "2013-03-16" ], [ "AIDAstella", "SHIP_IN_SERVICE", "2013-03-17" ], [ "AIDAstella", "LENGTH", "253260.0 (millimetres)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The AIDAstella, 253260.0 millimetres long, was christened on March 16, 2013 and put into service the next day." }, { "source": "webnlg", "text": "The AIDAstella was christened on the 16th of March, 2013, put in service on March 17, 2013, and is 253260.0 millimetres in length." }, { "source": "webnlg", "text": "The AIDAstella was named on 16th March 2013 and launched on 17th. It is 253.26m long." } ] }, { "tripleset": [ [ "ALCO RS-3", "BUILDER", "American Locomotive Company" ], [ "ALCO RS-3", "ENGINE", "Four-stroke engine" ], [ "ALCO RS-3", "LENGTH", "17068.8 (millimetres)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The American Locomotive Company built the ALCO RS-3 which has a 4-stroke engine and is 17068.8 millimeters long." }, { "source": "webnlg", "text": "The ALCO RS-3 has a four-stroke engine, a length of 17068.8 millimetres and was built by the American Locomotive Company." }, { "source": "webnlg", "text": "The ALCO RS-3, built by the American Locomotive Company, is 17068.8 mm long with a four-stroke engine." } ] }, { "tripleset": [ [ "ALCO RS-3", "BUILDER", "American Locomotive Company" ], [ "ALCO RS-3", "ENGINE", "V12 engine" ], [ "ALCO RS-3", "LENGTH", "17068.8 (millimetres)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The ALCO RS-3, built by the American Locomotive Company, has a V12 engine and is 17068.8 millimetres." }, { "source": "webnlg", "text": "The ALCO RS-3 was built by the American Locomotive Company. It is 17068.8mm long and has a V12 engine." }, { "source": "webnlg", "text": "The American Locomotive Company built the ALCO RS-3 which is 17068.8mm long and has a V12 engine." } ] }, { "tripleset": [ [ "ALCO RS-3", "BUILDER", "American Locomotive Company" ], [ "ALCO RS-3", "LENGTH", "17068.8 (millimetres)" ], [ "American Locomotive Company", "FOUNDATION_PLACE", "Schenectady, New York" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The American Locomotive Company was founded in Schenectady, New York and built the ALCO RS-3 which is 17068.8 mms in length." }, { "source": "webnlg", "text": "The American Locomotive Company, founded in Schenectady, New York, were the builders of the ALCO RS-3, which has a length of 17068.8 mm." }, { "source": "webnlg", "text": "The American Locomotive Company, founded in Schenectady, New York, built the 17068.8 millimetre ALCO RS-3." } ] }, { "tripleset": [ [ "ALV X-1", "COUNTRY_ORIGIN", "United States" ], [ "United States", "ETHNIC_GROUP", "African Americans" ], [ "United States", "DEMONYM", "Americans" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Originating in the United States and by Americans, some of African decent is the ALVX-1." }, { "source": "webnlg", "text": "ALVX-1 comes from the US where Americans live and African Americans are an ethnic group." }, { "source": "webnlg", "text": "The country of origin of the ALV X-1 is the United States, home to Americans and where African Americans are an ethnic group." } ] }, { "tripleset": [ [ "ALV X-1", "COUNTRY_ORIGIN", "United States" ], [ "United States", "ETHNIC_GROUP", "Native Americans in the United States" ], [ "United States", "CAPITAL", "Washington, D.C." ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The United States has an ethnic group called Native Americans, the capital is Washington D.C. and the ALV X-1 hails from the US." }, { "source": "webnlg", "text": "The ALV X-1 originated in the United States, a country whose capital is Washington DC and has Native Americans as an ethnic group." } ] }, { "tripleset": [ [ "ALV X-1", "DIAMETER", "1.524 (metres)" ], [ "ALV X-1", "ROCKET_STAGES", "2" ], [ "ALV X-1", "TOTAL_LAUNCHES", "1" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The ALV X-1, with 2 rocket stages and one launch, has a 1.524 m diameter." }, { "source": "webnlg", "text": "The ALV X-1 rocket which has a diameter of 1.524 meters and has 2 stages was launched one." }, { "source": "webnlg", "text": "The ALV X-1 has a diameter of 1.524 m and has 2 rocket stages. It's been launched 1 times." } ] }, { "tripleset": [ [ "Abarth 1000 GT Coup\u00e9", "PRODUCTION_END_YEAR", "1958" ], [ "Abarth 1000 GT Coup\u00e9", "BODY_STYLE", "Coup\u00e9" ], [ "Abarth 1000 GT Coup\u00e9", "ENGINE", "Straight-four engine" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Abarth 1000 GT Coupe, with a straight-four engine, had its final production in 1958." }, { "source": "webnlg", "text": "The Abarth 1000 GT Coup\u00e9, with its straight four engine, completed production in 1958." }, { "source": "webnlg", "text": "The Abarth 1000 GT Coup\u00e9 has a straight-four engine and a Coup\u00e9 body style. The last of this model, rolled off the production line in 1958." } ] }, { "tripleset": [ [ "Abarth 1000 GT Coup\u00e9", "WHEELBASE", "2160.0 (millimetres)" ], [ "Abarth 1000 GT Coup\u00e9", "WIDTH", "1.55" ], [ "Abarth 1000 GT Coup\u00e9", "BODY_STYLE", "\"Two door coup\u00e9\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Abarth 1000 GT Coup\u00e9 is a two door coup\u00e9 with a wheelbase of 2160 millimetres and a with of 1.55 metres." }, { "source": "webnlg", "text": "The Abarth 1000 Gt Coupe is a 2 door coupe which is 1.55m wide with a wheelbase of 2160mm." }, { "source": "webnlg", "text": "The Abarth 1000 GT Coup\u00e9 is 1.55 metres wide, has a wheelbase of 2160 millimetres, and the body style is two door coupe." } ] }, { "tripleset": [ [ "Aleksey Chirikov (icebreaker)", "SHIP_BEAM", "21.2" ], [ "Aleksey Chirikov (icebreaker)", "BUILDER", "Helsinki" ], [ "Aleksey Chirikov (icebreaker)", "BUILDER", "Arctech Helsinki Shipyard" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The icebreaker Aleksey Chirikov ship, built in Helsinki at the Arctech Helsinki Shipyard, has a 21.2 ship beam." }, { "source": "webnlg", "text": "The icebreaker Aleksey Chirikov which has a ship beam of 21.2, was built at the Arctech Helsinki Shipyard, in Helsinki." }, { "source": "webnlg", "text": "Arctech Helsinki Shipyard built the icebreaker, Aleksey Chirikov with a 21.2 m long shipbeam in Helsinki." } ] }, { "tripleset": [ [ "Alfa Romeo 164", "ASSEMBLY", "Italy" ], [ "Italy", "CAPITAL", "Rome" ], [ "Alfa Romeo 164", "RELATED_MEAN_OF_TRANSPORTATION", "Fiat Croma" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Fiat Croma and the Alfa Romeo 164 are both cars. The latter was built in Italy where the capital is Rome." }, { "source": "webnlg", "text": "Alfa Romeo 164, asembled in Italy (capital:Rome), is a related mode of transportation as the Fiat Croma." }, { "source": "webnlg", "text": "The Alfa Romeo 164, assembled in Italy (capital:Rome) is a similar mode of transport as the Fiat Croma." } ] }, { "tripleset": [ [ "Alfa Romeo 164", "ASSEMBLY", "Italy" ], [ "Italy", "CAPITAL", "Rome" ], [ "Alfa Romeo 164", "RELATED_MEAN_OF_TRANSPORTATION", "Lancia Thema" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Alfa Romeo 164, which was assembled in Italy, and the Lancia Thema are related types of transportation. The capital of Italy is Rome." }, { "source": "webnlg", "text": "The Lancia Thema and the Alfa Romeo 164 are related. The latter is built in Italy where the capital is Rome." }, { "source": "webnlg", "text": "The Alfa Romeo 164 was made in Italy and is related to the Lancia Thema vehicle. Rome is the capital of Italy." } ] }, { "tripleset": [ [ "Alfa Romeo 164", "RELATED_MEAN_OF_TRANSPORTATION", "Fiat Croma" ], [ "Alfa Romeo 164", "ASSEMBLY", "Arese" ], [ "Alfa Romeo 164", "RELATED_MEAN_OF_TRANSPORTATION", "Lancia Thema" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Alfa Romeo 164 was assembled in Arese and is a similar means of transport to the Fiat Croma and also related to the Lancia Thema." }, { "source": "webnlg", "text": "The Arese assembled, Alfa Romeo 164 and the Fiat Croma as well as the Lancia Thema, are related types of transportation." }, { "source": "webnlg", "text": "The Arese assembled Alfa Romeo 164, the Fiat Croma and the Lancia Thema are all related." } ] }, { "tripleset": [ [ "Alfa Romeo 164", "RELATED_MEAN_OF_TRANSPORTATION", "Fiat Croma" ], [ "Alfa Romeo 164", "ASSEMBLY", "Milan" ], [ "Alfa Romeo 164", "RELATED_MEAN_OF_TRANSPORTATION", "Saab 9000" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Alfa Romeo 164 was assembled in Milan and is a similar means of transport to the, Fiat Croma and the Saab 9000." }, { "source": "webnlg", "text": "The Alfa Romeo 164, made in Milan, along with the Fiat Croma and the Saab 9000 are related cars." }, { "source": "webnlg", "text": "The Alfa Romeo 164, which was assembled in Milan, is a similar means of transport to the Saab 9000 and the Fiat Croma." } ] }, { "tripleset": [ [ "Alhambra", "SHIP_BEAM", "8.3 m" ], [ "Alhambra", "LENGTH", "63800.0 (millimetres)" ], [ "Alhambra", "SHIP_LAUNCH", "1855-05-31" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The ship Alhambra, launched on the 31st May 1855, has a ship beam of 8.3m and is 63800.0 millimetres long." }, { "source": "webnlg", "text": "The Alhambra has a ship beam of 8.3m, is 63800.0 millimetres long, and was launched on 1855-05-31." }, { "source": "webnlg", "text": "The Alhambra has a ship beam of 8.3m and was 63800.0 millimetres long. It was launched on 31st May 1855." } ] }, { "tripleset": [ [ "Alhambra", "SHIP_BEAM", "8.3 m" ], [ "Alhambra", "SHIP_LAUNCH", "1855-05-31" ], [ "Alhambra", "STATUS", "\"Wrecked\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Alhambra, with its 8.3 m ship beam, launched 5/31/1855, was wrecked." }, { "source": "webnlg", "text": "The Alhambra, which was wrecked, had a ship beam of 8.3 metres and was launched on 31 May 1855." }, { "source": "webnlg", "text": "The wrecked Alhambra had a ship beam of 8.3m and was launched on 31st May 1855." } ] }, { "tripleset": [ [ "Alvis Speed 25", "MANUFACTURER", "Alvis Car and Engineering Company" ], [ "Alvis Car and Engineering Company", "FOUNDATION_PLACE", "Coventry" ], [ "Alvis Speed 25", "ENGINE", "\"Petrol\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Alvis Speed 25 has a petrol engine and was manufactured by the Alvis Car and Engineering Company which was founded in Coventry." }, { "source": "webnlg", "text": "Alvis Car and Engineering Company was founded in Coventry and made the Alvis Speed 25. Alvis Speed 25 has a petrol engine." }, { "source": "webnlg", "text": "The Alvis Car and Engineering Company was founded in Coventry where the Alvis Speed 25 was manufactured with a petrol engine." } ] }, { "tripleset": [ [ "American Motors", "FATE", "Eagle (automobile)" ], [ "AMC Matador", "MANUFACTURER", "American Motors" ], [ "American Motors", "KEY_PERSON", "Roy D. Chapin, Jr." ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "AMC Matador is manufactured by American Motors where Roy D Chapin Jr is a key person and was succeeded ny Eagle." }, { "source": "webnlg", "text": "The AMC Matador is made by American Motors who has a key person called Roy D Chapin. The AMC was succeeded by the Eagle Co." }, { "source": "webnlg", "text": "Roy D Chapin Jr is a key person at American Motors, which was succeeded by Eagle and built the AMC Matador." } ] }, { "tripleset": [ [ "Antares (rocket)", "MANUFACTURER", "Yuzhnoye Design Office" ], [ "Antares (rocket)", "COMPARABLE", "Delta II" ], [ "Delta II", "COUNTRY_ORIGIN", "United States" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Antares rocket, manufactured at the Yuzhnoye Design Office, is comparable to the US Delta II." }, { "source": "webnlg", "text": "The Antares rocket, manufactured at the Yuzhnoye Design Office, is relative to the United States based, Delta II." } ] }, { "tripleset": [ [ "Antares (rocket)", "MANUFACTURER", "Yuzhnoye Design Office" ], [ "Antares (rocket)", "LAUNCH_SITE", "Mid-Atlantic Regional Spaceport Launch Pad 0" ], [ "Antares (rocket)", "FUNCTION", "\"Medium expendable launch system\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Antares rocket is a medium expendable launch system built at the Yuzhnoye Design Office." }, { "source": "webnlg", "text": "The Antares rocket function is a medium expendable launch system manufactured at the Yuzhnoye Design Office and launched at the Mid-Atlantic Regional Spaceport Launch Pad 0." }, { "source": "webnlg", "text": "The Antares rocket function is a medium expendable launch system manufactured at the Yuzhnoye Design Office and was launched at the Mid-Atlantic Regional Spaceport Launch Pad 0." } ] }, { "tripleset": [ [ "Ariane 5", "MANUFACTURER", "Arianespace" ], [ "ELA-3", "SITE", "Guiana Space Centre" ], [ "Ariane 5", "LAUNCH_SITE", "ELA-3" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Ariane 5 was launched at the ELA-3 at the Guiana Space Centre. Arianespace made the Ariane 5." }, { "source": "webnlg", "text": "Arianespace is the manufacturer of Ariane 5 which was launched from ELA-3 at the Guiana Space Centre." }, { "source": "webnlg", "text": "The Ariane 5 was manufactured by Arianespace and launched at ELA-3 which is located at the Guiana Space Centre." } ] }, { "tripleset": [ [ "Aston Martin V8", "RELATED_MEAN_OF_TRANSPORTATION", "Aston Martin DBS" ], [ "Aston Martin V8", "ASSEMBLY", "\"Newport Pagnell, Buckinghamshire, England, United Kingdom\"" ], [ "Aston Martin V8", "ENGINE", "5.3 (litres)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Aston Martin V8 is similar to the DBS and has a 5.3 litre engine. It is made in Newport Pagnell, Buckinghamshire, England, UK." }, { "source": "webnlg", "text": "The Aston Martin V8 assembly took place in Newport Pagnell, Buckinghamshire, England, United Kingdom. The Aston Martin V8(has a engine volume of 5.3 litres) and the Aston Martin DBS are related means of transport." }, { "source": "webnlg", "text": "The Aston Martin V8 has a 5.3 litre engine and its assembly took place in Newport Pagnell, Buckinghamshire, England, United Kingdom. The Aston Martin V8 and the Aston Martin DBS are related means of transport." } ] }, { "tripleset": [ [ "Aston Martin V8", "RELATED_MEAN_OF_TRANSPORTATION", "Aston Martin DBS" ], [ "Aston Martin V8", "ENGINE", "5.3 (litres)" ], [ "Aston Martin V8", "ASSEMBLY", "United Kingdom" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Aston Martin V8 is assembled in the United Kingdom and has an engine volume of 5.3 litres. The Aston Martin V8 and Aston Martin DBS are a related means of transport." }, { "source": "webnlg", "text": "The Aston Martin V8 and the Aston Martin DBS are related means of transport. The V8 model is assembled in the United kingdom with a 5.3 litre engine." }, { "source": "webnlg", "text": "Aston Martin V8 was assembled in the United Kingdom and has an engine volume of, 5.3 litres. The Aston Martin V8 and Aston Martin DBS are a related means of transport." } ] }, { "tripleset": [ [ "Atlas II", "COUNTRY_ORIGIN", "United States" ], [ "Atlas II", "LAUNCH_SITE", "Vandenberg Air Force Base" ], [ "Atlas II", "LAUNCH_SITE", "Cape Canaveral Air Force Station" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Coming from the US, the Atlas II was launched from Cape Canaveral Air Force Station and Vandenberg Air Force Base." }, { "source": "webnlg", "text": "The US Atlas II was launched from Vandenberg Air Force Base and Cape Canaveral." }, { "source": "webnlg", "text": "Originating from the United States, the Atlas II, was launched from both the Vandenberg Air Force Base and Cape Canaveral Air Force Station." } ] }, { "tripleset": [ [ "Atlas II", "COUNTRY_ORIGIN", "United States" ], [ "United States", "ETHNIC_GROUP", "Native Americans in the United States" ], [ "United States", "LEADER_TITLE", "President of the United States" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Atlas II comes from the US where Native Americans are an ethnic group and the leader is the President." }, { "source": "webnlg", "text": "The Atlas II originated from the United States, where Native Americans are an ethnic group. The leader of the United States has the title President of the United States." }, { "source": "webnlg", "text": "The Atlas II originated from the U.S. where the President is the leader and Native Americans are an ethnic group." } ] }, { "tripleset": [ [ "Atlas II", "LAUNCH_SITE", "Cape Canaveral Air Force Station" ], [ "Atlas II", "COUNTRY_ORIGIN", "United States" ], [ "Atlas II", "LAUNCH_SITE", "Spaceport Florida Launch Complex 36" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Atlas II originates from the United States, and was launched from the Cape Canaveral Air Force Station in Spaceport Florida Launch Complex 36." }, { "source": "webnlg", "text": "Originating from the U.S, the Atlas II was launched from the Spaceport Florida Launch Complex 36, from the Cape Canaveral Air Force Station." } ] }, { "tripleset": [ [ "Audi A1", "ENGINE", "1.2 (litres)" ], [ "Audi A1", "ASSEMBLY", "Audi Brussels" ], [ "Audi A1", "BODY_STYLE", "Hatchback" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Audi A1 is a hatchback assembled by Audi Brussels and has a 1.2 litre engine." }, { "source": "webnlg", "text": "The Audi A1, a hatchback, has a 1.2 liter engine and is assembled by Audi Brussels." }, { "source": "webnlg", "text": "The Audi A1 is built at Audi Brussels. It is a hatchback with a 1.2 litre engine." } ] }, { "tripleset": [ [ "Audi A1", "MANUFACTURER", "Audi" ], [ "Audi A1", "RELATED_MEAN_OF_TRANSPORTATION", "SEAT Ibiza" ], [ "Audi A1", "RELATED_MEAN_OF_TRANSPORTATION", "Volkswagen Polo" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Audi A1 is manufactured by Audi. It is a similar means of transport as the Seat Ibiza and Volkswagen Polo since they are all cars." }, { "source": "webnlg", "text": "Audi's A1 is simiilar to the Seat Ibiza and the VW Polo." }, { "source": "webnlg", "text": "Audi is the manufacturer of the Audi A1. It, the Seat Ibiza and VW Polo are all cars and therefore related modes of transportation." } ] }, { "tripleset": [ [ "Caterpillar Inc.", "FOUNDATION_PLACE", "California" ], [ "Caterpillar Inc.", "LOCATION", "Peoria, Illinois" ], [ "AIDAluna", "POWER_TYPE", "Caterpillar Inc." ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "AIDAluna is powered by Caterpillar Inc. which was founded in California and is located in Peoria, Illinois." }, { "source": "webnlg", "text": "Caterpillar Inc., founded in California and located in Peoria, Illinois, powers the AIDAluna." }, { "source": "webnlg", "text": "The AIDAluna is powered by a Caterpillar Inc. engine. Caterpillar Inc was founded in California and is now located in Peoria, Illinois." } ] }, { "tripleset": [ [ "Caterpillar Inc.", "LOCATION", "Illinois" ], [ "AIDAluna", "OWNER", "AIDA Cruises" ], [ "AIDAluna", "POWER_TYPE", "Caterpillar Inc." ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Caterpillar Inc. of Illinois powers the AIDA Cruise owned, AIDAluna." }, { "source": "webnlg", "text": "Caterpillar Inc. is found in Illinois and they powered the AIDAluna. AIDACruises owns the AIDAluna." }, { "source": "webnlg", "text": "AIDA Cruises owns the AIDAluna which is powered by an engine from Illinois based Caterpillar Inc." } ] }, { "tripleset": [ [ "Costa Crociere", "LOCATION", "Genoa" ], [ "AIDAstella", "OPERATOR", "AIDA Cruises" ], [ "AIDAstella", "OWNER", "Costa Crociere" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Costa Crociere is the owner of the AIDAstella and are based in Genoa. The operator of AIDAstella is AIDA Cruises." }, { "source": "webnlg", "text": "The ship AIDAstella is operated by AIDA Cruises which is owned by Costa Crociere is in Genoa." }, { "source": "webnlg", "text": "AIDAstella is operated by AIDA Cruises and owned by, Costa Crociere which is located in Genoa." } ] }, { "tripleset": [ [ "Delta II", "LAUNCH_SITE", "Vandenberg AFB Space Launch Complex 2" ], [ "Antares (rocket)", "COMPARABLE", "Delta II" ], [ "Delta II", "COUNTRY_ORIGIN", "United States" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The origin of the Delta II is the United States and it was launched at the Vandenberg AFB Space Launch Complex 2. The Antares rocket is similar to the Delta II." }, { "source": "webnlg", "text": "The rocket Antares is comparable to the American, Delta II. The launch site of the Delta II was at the Vandenberg AFB Space Launch Complex 2." }, { "source": "webnlg", "text": "The Delta II which is similar to the Antares rocket is from the United States and was launched from Vandenberg AFB Space Launch Complex 2." } ] }, { "tripleset": [ [ "Guiana Space Centre", "HEADQUARTER", "French Guiana" ], [ "ELA-3", "SITE", "Guiana Space Centre" ], [ "Ariane 5", "LAUNCH_SITE", "ELA-3" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The ELA-3 is found at the Guiana Space Centre whose HQ is in French Guiana. One craft launched there was the Ariane 5." }, { "source": "webnlg", "text": "The Ariane 5 was launched at ELA-3 at the Guiana Space Centre. The Guiana Space Centre has its headquarters in French Guiana." } ] }, { "tripleset": [ [ "Guiana Space Centre", "LOCATION", "Kourou, French Guiana" ], [ "ELA-3", "SITE", "Guiana Space Centre" ], [ "Ariane 5", "LAUNCH_SITE", "ELA-3" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The launch site of the Ariane was ELA-3 launchpad, the site of which, is situated at the Guiana Space Centre. The Guiana Space Centre is located in Kourou,French Guiana." }, { "source": "webnlg", "text": "The launch site of the Ariane was ELA-3 at the Guiana Space Centre at Kourou, French Guiana." }, { "source": "webnlg", "text": "The Guiana Space Centre, in Kourou, French Guiana, is the location of ELA-3, the launchsite of the Ariane 5." } ] }, { "tripleset": [ [ "Neptun Werft", "LOCATION_CITY", "Rostock" ], [ "A-Rosa Luna", "BUILDER", "Neptun Werft" ], [ "Neptun Werft", "LOCATION_COUNTRY", "Germany" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The A-Rosa was built by Neptun Werft which is headquartered in Rostock, Germany." }, { "source": "webnlg", "text": "The builder of the A-Rosa is Neptun Werft, which headquartered in Rostock, Germany." }, { "source": "webnlg", "text": "Neptun Werft is headquartered in Rostock, Germany. They made the A Rosa Luna." } ] }, { "tripleset": [ [ "United States", "DEMONYM", "Americans" ], [ "Atlas II", "COUNTRY_ORIGIN", "United States" ], [ "United States", "ETHNIC_GROUP", "African Americans" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Atlas II originated in the United States, where the inhabitants are called Americans and where African Americans are one of the ethnic groups." }, { "source": "webnlg", "text": "The Atlas II originated from the U.S, where Americans live and one of the ethnic groups is African Americans." }, { "source": "webnlg", "text": "Atlas II comes from the US, where Americans live and where African Americans are an ethnic group." } ] }, { "tripleset": [ [ "Aaron Hunt", "CLUB", "VfL Wolfsburg" ], [ "Aaron Hunt", "YOUTH_CLUB", "Goslarer SC 08" ], [ "Aaron Hunt", "CLUB", "SV Werder Bremen" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Aaron Hunt plays for Vfl Wolfsburg and SV Werder Bremen. He was a member of the Goslarer SC 08 youth team." }, { "source": "webnlg", "text": "Aaron Hunt represented the club Goslarer SC 08 at youth level and has since played for both SV Werder Bremen and Vfl Wolfsburg." }, { "source": "webnlg", "text": "Aaron Hun's club is VfL Wolfsburg but he previously played for both SV Werder Bremen and Goslarer SC 08 youth team." } ] }, { "tripleset": [ [ "Aaron Hunt", "CLUB", "VfL Wolfsburg" ], [ "VfL Wolfsburg", "MANAGER", "Dieter Hecking" ], [ "Aaron Hunt", "CLUB", "SV Werder Bremen II" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Aaron Hunt's club is VfL Wolfsburg who are managed by Dieter Hecking, but he previously played for SV Werder Bremen II." }, { "source": "webnlg", "text": "Aaron Hunt plays for the club SV Werder Bremen II and also VfL Wolfsburg which is managed by Dieter Hecking." } ] }, { "tripleset": [ [ "Abel Hern\u00e1ndez", "YOUTH_CLUB", "Central Espa\u00f1ol" ], [ "Abel Hern\u00e1ndez", "CLUB", "Hull City A.F.C." ], [ "Abel Hern\u00e1ndez", "CLUB", "U.S. Citt\u00e0 di Palermo" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Abel Hern\u00e1ndez's clubs are Hull City AFC and US Citta di Palermo. He previously played youth football for Central Espanol." }, { "source": "webnlg", "text": "Abel Hernandez is a member of the Central Espanol youth team and he plays for Hull City AFC but his club is US Citta di Palermo." }, { "source": "webnlg", "text": "Abel Hernandez's club is US Citta di Palermo. He formerly played youth football for Central Espanol and now plays for Hull City AFC." } ] }, { "tripleset": [ [ "Abel Hern\u00e1ndez", "YOUTH_CLUB", "Central Espa\u00f1ol" ], [ "Abel Hern\u00e1ndez", "CLUB", "U.S. Citt\u00e0 di Palermo" ], [ "Abel Hern\u00e1ndez", "CLUB", "Pe\u00f1arol" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Abel Hernandez played youth football for Central Espanol. He has since been associated with clubs US Citta di Palermo and Penarol." }, { "source": "webnlg", "text": "Abel Hern\u00e1ndez played football at youth level for Central Espa\u00f1ol. At senior level he has played for US Citta di Palermo and Penarol." }, { "source": "webnlg", "text": "Abel Hern\u00e1ndez plays football for U.S. Citt\u00e0 di Palermo, having previously played for Penarol and at youth level for Central Espa\u00f1ol." } ] }, { "tripleset": [ [ "Adam Maher", "CLUB", "PSV Eindhoven" ], [ "Adam Maher", "BIRTH_PLACE", "Netherlands" ], [ "Adam Maher", "CLUB", "AZ Alkmaar" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Netherlands born Adam Maher's former clubs include PSV Eindhoven and AZ Alkmaar." }, { "source": "webnlg", "text": "Adam Maher was born in the Netherlands and his clubs are PSV Eindhoven and AZ Alkmaar." }, { "source": "webnlg", "text": "Adam Maher was born in the Netherlands and is connected to the AZ Alkmaar club. His current club is PSV Eindhoven." } ] }, { "tripleset": [ [ "Akeem Adams", "CLUB", "United Petrotrin F.C." ], [ "United Petrotrin F.C.", "GROUND", "Palo Seco" ], [ "Akeem Adams", "CLUB", "W Connection F.C." ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Akeem Adams plays for W Connection FC , having previously played for United Petrotrin F.C., whose ground is Palo Seco." }, { "source": "webnlg", "text": "Akeem Adams played for W Connection F.C. and is a member of the United Petrotrin F.C. club. which play in Palo Seco." }, { "source": "webnlg", "text": "Akeem Adams played for W Connection F.C. and the United Petrotrin F.C., whose ground was Palo Seco." } ] }, { "tripleset": [ [ "Akeem Ayers", "FORMER_TEAM", "Los Angeles Rams" ], [ "Akeem Ayers", "DRAFT_ROUND", "\"2\"" ], [ "Akeem Ayers", "DRAFT_PICK", "\"39\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Former Los Angeles Rams team member, Akeem Ayers, was number 39 in the draft pick, in draft round 2." }, { "source": "webnlg", "text": "Akeem Ayers, whose former team was the Los Angeles Rams, was in draft round 2 and his draft pick number was 39." } ] }, { "tripleset": [ [ "Akeem Ayers", "FORMER_TEAM", "St. Louis Rams" ], [ "Akeem Ayers", "DRAFT_ROUND", "\"2\"" ], [ "Akeem Ayers", "DRAFT_PICK", "\"39\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Akeem Ayers used to play for the St. Louis Rams. He was number 39 in the draft pick in draft round 2." }, { "source": "webnlg", "text": "Akeem Ayers, who formerly played for St Louis Rams, was number 39 in the draft pick and in draft round 2." }, { "source": "webnlg", "text": "St Louis Rams is the former team of Akeem Ayers, who was drat pick 39, in the draft round, 2." } ] }, { "tripleset": [ [ "Akeem Dent", "DEBUT_TEAM", "Atlanta Falcons" ], [ "Akeem Dent", "DATE_OF_BIRTH", "1987-09-27" ], [ "Akeem Dent", "BIRTH_PLACE", "\"Atlanta, Georgia\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Akeem Dent, who made his debut with the Atlanta Falcons, was born in Atlanta, Georgia on 27 September 1987." }, { "source": "webnlg", "text": "Akeem Dent, who was born on 27 September 1987 in Atlanta, Georgia, made his debut with the Atlanta Falcons." }, { "source": "webnlg", "text": "Akeem Dent, who was born in Atlanta Georgia on 27 September 1987, made his debut with the Atlanta Falcons." } ] }, { "tripleset": [ [ "Alaa Abdul-Zahra", "BIRTH_PLACE", "Iraq" ], [ "Alaa Abdul-Zahra", "CLUB", "Shabab Al-Ordon Club" ], [ "Alaa Abdul-Zahra", "CLUB", "Iraq national under-20 football team" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alaa Abdul Zahra, born in Iraq, plays for Shabab Al-Ordon Club, and also for the Iraq national under 20 football team." }, { "source": "webnlg", "text": "Iraqi born, Alaa Abdul-Zahra, whose club is Shabab Al-Ordon Club, plays for the Iraq national under 20 football team." }, { "source": "webnlg", "text": "Alaa Abdul-Zahra, who was born in Iraq, is a member of the club Shabab Al-Ordon Club and plays for the Iraq national under 20 football team." } ] }, { "tripleset": [ [ "Alaa Abdul-Zahra", "CLUB", "Al Kharaitiyat SC" ], [ "Al Kharaitiyat SC", "GROUND", "Al Khor" ], [ "Alaa Abdul-Zahra", "CLUB", "Shabab Al-Ordon Club" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alaa Abdul-Zahra's club is Shabab Al-Ordon Club and he plays for Al Kharaitiyat SC at their home ground Al Khor." }, { "source": "webnlg", "text": "Alaa Abdul-Zahra's clubs are Shabab Al-Ordon and also Al Kharaitiyat SC whose ground is Al Khor." }, { "source": "webnlg", "text": "Shabab Al-Ordon Club is one of the clubs of Alaa Abdul Zahra, Another is, AL Kharaitiyat SC which is located in Al Khor." } ] }, { "tripleset": [ [ "Alan Martin (footballer)", "CLUB", "Hamilton Academical F.C." ], [ "Alan Martin (footballer)", "DATE_OF_BIRTH", "1989-01-01" ], [ "Alan Martin (footballer)", "CLUB", "Clyde F.C." ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Footballer, Alan Martin, was born on 01/01/1989. He is a footballer for the clubs, Hamilton Academical FC and Clyde FC club." }, { "source": "webnlg", "text": "Born on 1 January 1989, Alan Martin currently plays for Hamilton Academical FC, having previously played with Clyde FC." }, { "source": "webnlg", "text": "Footballer, Alan Martin, was born on 01/01/1989. He played football for Clyde F.C. and plays for Hamilton Academical FC." } ] }, { "tripleset": [ [ "Alan Martin (footballer)", "CLUB", "Motherwell F.C." ], [ "Alan Martin (footballer)", "CLUB", "Accrington Stanley F.C." ], [ "Accrington Stanley F.C.", "GROUND", "Accrington" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alan Martin, whose club is Motherwell FC, played for Accrington Stanley FC who have their ground in Accrington." }, { "source": "webnlg", "text": "Alan Martin's football club is Motherwell FC and he has also played for the Accrington based club Accrington Stanley." } ] }, { "tripleset": [ [ "Aleksander Barkov, Jr.", "CLUB", "Florida Panthers" ], [ "Aleksander Barkov, Jr.", "DATE_OF_BIRTH", "1995-09-02" ], [ "Aleksander Barkov, Jr.", "BIRTH_PLACE", "\"Tampere, Finland\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Aleksander Barkov Jr was born in Tampere, Finland on 1995-09-02 and he plays for the Florida Panthers." }, { "source": "webnlg", "text": "Born September 2, 1995, Aleksander Barkov Jr of Tampere, Finland, played for the Florida Panthers." }, { "source": "webnlg", "text": "Aleksander Barkov Jr was born on 2 September 1995 in Tampere, Finland and his club is the Florida Panthers." } ] }, { "tripleset": [ [ "Aleksander Barkov, Jr.", "DRAFT_TEAM", "Florida Panthers" ], [ "Aleksander Barkov, Jr.", "DATE_OF_BIRTH", "1995-09-02" ], [ "Aleksander Barkov, Jr.", "BIRTH_PLACE", "\"Tampere, Finland\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Aleksander Barkov Jr, whose draft team was the Florida Panthers, was born on 2 September 1995 in Tampere, Finland." }, { "source": "webnlg", "text": "Aleksander Barkov Jr was born in Tampere, Finland on Sept. 2, 1995 and his draft team is the Florida Panthers." }, { "source": "webnlg", "text": "Aleksander Barkov Jr was born Sept. 2, 1995 in Tampere, Finland and drafted with the Florida Panthers." } ] }, { "tripleset": [ [ "Aleksandr Chumakov", "DEATH_PLACE", "Russia" ], [ "Russia", "LEADER_NAME", "Vladimir Putin" ], [ "Aleksandr Chumakov", "BIRTH_PLACE", "Soviet Union" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Aleksandr Chumakov was born in the Soviet Union and he died in Russia, where the leader is Vladimir Putin." }, { "source": "webnlg", "text": "Aleksandr Chumakov was born in the Soviet Union and died there in Russia. The leader of Russia is Vladimir Putin." }, { "source": "webnlg", "text": "Aleksandr Chumakov was born in the Soviet Union and died in Russia, where the leader is Vladimir Putin." } ] }, { "tripleset": [ [ "Aleksandr Prudnikov", "DATE_OF_BIRTH", "1989-02-24" ], [ "Aleksandr Prudnikov", "CLUB", "FC Kuban Krasnodar" ], [ "Aleksandr Prudnikov", "CLUB", "FC Alania Vladikavkaz" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Footballer Aleksandr Prudnikov , (February 24, 1989), plays for FC Kuban Krasnodar and Alania Vladikavkaz." }, { "source": "webnlg", "text": "Born on 24th February 1989, Aleksandr Prudnikov, plays for both, FC Alania Vladikavkaz and FC Kuban Krasnodar club." }, { "source": "webnlg", "text": "Aleksandr Prudnikov who was born on 24 February 1989 plays for FC Kuban Krasnodar and FC Alania Vladikavkaz." } ] }, { "tripleset": [ [ "Aleksandr Prudnikov", "DATE_OF_BIRTH", "1989-02-24" ], [ "Aleksandr Prudnikov", "CLUB", "Russia national football B team" ], [ "Aleksandr Prudnikov", "CLUB", "FC Tom Tomsk" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Born on February 24th 1989, the footballer Aleksandr Prudnikov represented the Russia national B team and also played for FC Tom Tomsk." }, { "source": "webnlg", "text": "Aleksandr Prudnikov, whose club is FC Tom Tomsk, was born on 24th February 1989 and has played for the Russia national football B team." }, { "source": "webnlg", "text": "Born, 1989-02-24, Aleksandr Prudnikov, belongs to the Russia National Football B Team and plays for FC Tom Tomsk." } ] }, { "tripleset": [ [ "Aleksandre Guruli", "CLUB", "Olympique Lyonnais" ], [ "Olympique Lyonnais", "GROUND", "Parc Olympique Lyonnais" ], [ "Aleksandre Guruli", "CLUB", "AZAL PFK" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Aleksandre Guruli's club is Olympique Lyonnais, whose home ground is the Parc Olympique Lyonnais stadium. He also plays for AZAL PFK." }, { "source": "webnlg", "text": "AZAL PFK player, Aleksandre Guruli, played for the Olympique Lyonnais club, the home ground of which, is the Parc Olympique Lyonnais stadium." } ] }, { "tripleset": [ [ "Aleksandre Guruli", "CLUB", "Olympique Lyonnais" ], [ "Olympique Lyonnais", "GROUND", "Parc Olympique Lyonnais" ], [ "Aleksandre Guruli", "CLUB", "US Lesquin" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Aleksandre Guruli plays for US Lesquin but he use to play for the Olympique Lyonnais club who play their home games at the Parc Olympique Lyonnais." }, { "source": "webnlg", "text": "Aleksandre Guruli, whose club is US Lesquin, played for the Olympique Lyonnais club who have their home ground at Parc Olympique Lyonnais stadium." }, { "source": "webnlg", "text": "Aleksandre Guruli is in the US Lesquin Club and also the Olympique Lyonnais who have their home ground at the Parc Olympique Lyonnais stadium." } ] }, { "tripleset": [ [ "Alessio Romagnoli", "CLUB", "A.C. Milan" ], [ "A.C. Milan", "MANAGER", "Sini\u0161a Mihajlovi\u0107" ], [ "Alessio Romagnoli", "CLUB", "Italy national under-16 football team" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alessio Romagnoli plays in the club A.C. Milan whose manager is Sini\u0161a Mihajlovi\u0107. He's alos in the Italy national under 16's football team." }, { "source": "webnlg", "text": "Footballer Alessio Romagnoli, who represented Italy at Under 16 level, plays for C Milan, where the manager is Sini\u0161a Mihajlovi\u0107." }, { "source": "webnlg", "text": "Alessio Romagnoli played for the Italy national under-16 football team. He plays for the club A.C. Milan which is managed by, Sini\u0161a Mihajlovi\u0107." } ] }, { "tripleset": [ [ "Alessio Romagnoli", "CLUB", "A.C. Milan" ], [ "A.C. Milan", "MANAGER", "Sini\u0161a Mihajlovi\u0107" ], [ "Alessio Romagnoli", "CLUB", "U.C. Sampdoria" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alessio Romagnoli plays for A.C. Milan, managed by Sini\u0161a Mihajlovi\u0107 and also played for UC Sampdoria." }, { "source": "webnlg", "text": "Alessio Romagnoli, who is connected to UC Sampdoria, plays for A.C. Milan which, is managed by, Sini\u0161a Mihajlovi\u0107." }, { "source": "webnlg", "text": "Sini\u0161a Mihajlovi\u0107 is the manager for A.C. Milan, of which Alessio Romagnoli is a member. Alessio Romagnoli plays for the club U.C. Sampdoria." } ] }, { "tripleset": [ [ "Alessio Romagnoli", "CLUB", "Italy national under-16 football team" ], [ "Italy national under-16 football team", "COACH", "Daniele Zoratto" ], [ "Alessio Romagnoli", "CLUB", "A.S. Roma" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alessio Romagnoli is coached by Daniele Zoratto in the Italy national under 16 football team. He plays for A.S. Roma." }, { "source": "webnlg", "text": "Alessio Romagnoli plays for A.S. Roma and he use to play for the Italian national under 16 football team, which is coached by Daniele Zoratto." }, { "source": "webnlg", "text": "Alessio Romagnoli plays for A.S. Roma and previously for the Italian national under 16 football team coached by Daniele Zoratto." } ] }, { "tripleset": [ [ "Alessio Romagnoli", "CLUB", "Italy national under-17 football team" ], [ "Alessio Romagnoli", "CLUB", "U.C. Sampdoria" ], [ "Alessio Romagnoli", "BIRTH_PLACE", "Italy" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Italian born Alessio Romagnoli is a member of the Italian national under 17 football team and plays for the club U.C. Sampdoria." }, { "source": "webnlg", "text": "Alessio Romagnoli played for the club U.C. Sampdoria, and is a member of club Italy national under 17's. He was born in Italy." }, { "source": "webnlg", "text": "Alessio Romagnoli who was born in italy plays for U. C. Sampdoria and the Italian national under-17 football team." } ] }, { "tripleset": [ [ "Alex Plante", "BIRTH_PLACE", "Brandon, Manitoba" ], [ "Alex Plante", "HEIGHT", "1.9304" ], [ "Alex Plante", "CLUB", "Anyang Halla" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alex Plante was born in Brandon, Manitoba and is 1.9304 m high. He is in the Anyang Halla club." }, { "source": "webnlg", "text": "Alex Plante was born in Brandon, Manitoba and is 1.9304 m tall. He plays for the Anyang Halla club." } ] }, { "tripleset": [ [ "Alex Plante", "HEIGHT", "1.9304" ], [ "Alex Plante", "CLUB", "Anyang Halla" ], [ "Alex Plante", "BIRTH_PLACE", "Canada" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "1.9304m tall, Alex Plante, was born in Canada and has played for the club Anyang Halla." }, { "source": "webnlg", "text": "Born in Canada, Alex Plante is 1.9304 metres tall and has played for the club Anyang Halla." }, { "source": "webnlg", "text": "Alex Plante's club is Anyang Halla, he is 1.9304m in height and was born in Canada." } ] }, { "tripleset": [ [ "Alex Tyus", "LEAGUE", "Euroleague" ], [ "Alex Tyus", "CLUB", "Maccabi Ashdod B.C." ], [ "Maccabi Ashdod B.C.", "COACH", "Zvi Sherf" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alex Tyus plays in the Euroleague for the Maccabi Ashdod BC club whose coach is Zvi Sherf." }, { "source": "webnlg", "text": "Alex Tyus plays for Maccabi Ashdod B.C. in the Euroleague. The coach of the Ashdod team is Zvi Sherf." }, { "source": "webnlg", "text": "Alex Tyus plays in the Euroleague for Maccabi Ashdod BC whose coach is Zvi Sherf." } ] }, { "tripleset": [ [ "Alex Tyus", "LEAGUE", "Turkish Basketball Super League" ], [ "Alex Tyus", "CLUB", "Maccabi Ashdod B.C." ], [ "Maccabi Ashdod B.C.", "COACH", "Zvi Sherf" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The league Alex Tyus plays in is the Turkish Basketball Super League. His club is Maccabi Ashdod BC which is coached by, Zvi Sherf." }, { "source": "webnlg", "text": "Alex Tyus plays for Maccabi Ashdod B.C who are coached by Zvi Sherf and are part of the Turkish Basketball Super League." } ] }, { "tripleset": [ [ "FC Spartak Moscow", "GROUND", "Otkrytiye Arena" ], [ "Aleksandr Prudnikov", "CLUB", "FC Tom Tomsk" ], [ "Aleksandr Prudnikov", "CLUB", "FC Spartak Moscow" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Aleksandr Prudnikov plays for FC Tom Tomsk and his club is FC Spartak Moscow, whose grounds are the Otkrytiye Arena." }, { "source": "webnlg", "text": "Aleksandr Prudnikov plays for FC Tom Tomsk and his club is FC Spartak Moscow, who have their home ground at the Otkrytiye Arena." } ] }, { "tripleset": [ [ "FC Spartak Moscow", "GROUND", "Otkrytiye Arena" ], [ "Aleksandr Prudnikov", "YOUTH_CLUB", "FC Spartak Moscow" ], [ "Aleksandr Prudnikov", "CLUB", "FC Anzhi Makhachkala" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Aleksandr Prudnikov's club is FC Anzhi Makhachkala and he played youth football for FC Spartak Moscow whose grounds are the Otkrytiye Arena." }, { "source": "webnlg", "text": "Otkrytiye Arena is the home ground of FC Spartak Moscow, where Aleksandr Prudnikov played youth football. He later represented FC Anzhi Makhachkala." }, { "source": "webnlg", "text": "Aleksandr Prudnikov plays for FC Anzhi Makhachkala. His youth football club was FC Spartak Moscow at Otkrytiye Arena." } ] }, { "tripleset": [ [ "FC Torpedo Moscow", "SEASON", "2014\u201315 Russian Premier League" ], [ "Aleksandr Chumakov", "CLUB", "FC Torpedo Moscow" ], [ "FC Torpedo Moscow", "MANAGER", "Valery Petrakov" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Aleksandr Chumakov's club was FC Torpedo Moscow. The club, which is managed by Valery Petrakov, played the 2014\u201315 season in the Russian Premier League." }, { "source": "webnlg", "text": "Aleksandr Chumakov plays for FC Torpedo Moscow who are managed by Valery Petrakov and played in the 2014-15 Russian Premier league." }, { "source": "webnlg", "text": "Aleksandr Chumakov's club was FC Torpedo Moscow, the manager of which, is Valery Petrakov. FC Torpedo Moscow played in the 2014-15 Russian Premier League." } ] }, { "tripleset": [ [ "Hull City A.F.C.", "MANAGER", "Steve Bruce" ], [ "Abel Hern\u00e1ndez", "CLUB", "Hull City A.F.C." ], [ "Abel Hern\u00e1ndez", "CLUB", "Uruguay Olympic football team" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Abel Hernandez, who played for the Uruguay Olympic football team, plays for Hull City AFC under their manager Steve Bruce." }, { "source": "webnlg", "text": "Abel Hern\u00e1ndez plays for the Uruguay Olympic football team and his club is Hull City A.F.C. which is managed by Steve Bruce." }, { "source": "webnlg", "text": "Abel Hern\u00e1ndez plays for the Uruguay Olympic football team and also for Hull City AFC which is managed by Steve Bruce." } ] }, { "tripleset": [ [ "Moscow", "LEADER_NAME", "Sergey Sobyanin" ], [ "Aleksandr Chumakov", "DEATH_PLACE", "Russia" ], [ "Aleksandr Chumakov", "BIRTH_PLACE", "Moscow" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Aleksandr Chumakov was born in Moscow, Russia and he died in Russia. The leader of Moscow is Sergey Sobyanin." }, { "source": "webnlg", "text": "Aleksandr Chumakov was born in Moscow and died in Russia. Sergey Sobyanin is Moscow's leader." }, { "source": "webnlg", "text": "Sergey Sobyanin is the leader of Moscow, which is where Aleksandr Chumakov was born, he died in Russia." } ] }, { "tripleset": [ [ "Real Madrid Castilla", "MANAGER", "Luis Miguel Ramis" ], [ "Abner (footballer)", "CLUB", "Brazil national under-20 football team" ], [ "Abner (footballer)", "CLUB", "Real Madrid Castilla" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Footballer, Abner, played for the Brazilian national under 20 football team. He also for the football club Real Madrid Castilla, the manager of which, is Luis Miguel Ramis." }, { "source": "webnlg", "text": "Abner plays football for the Brazilian national under 20 football team and also for Real Madrid Castilla who are managed by Luis Miguel Ramis." }, { "source": "webnlg", "text": "Abner is a footballer who has represented the Brazil national under 20 team and plays for Real Madrid Castilla under their manager Luis Miguel Ramis." } ] }, { "tripleset": [ [ "Real Madrid Castilla", "MANAGER", "Luis Miguel Ramis" ], [ "Abner (footballer)", "CLUB", "Real Madrid Castilla" ], [ "Abner (footballer)", "CLUB", "C.D. FAS" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Footballer, Abner, plays C.D. FAS. and Real Madrid Castilla, the manager of which, is Luis Miguel Ramis." }, { "source": "webnlg", "text": "Footballer, Abner plays for the club, Real Madrid Castilla and belongs to C.D. FAS club. Luis Miguel Ramis manages the Real Madrid Castilla." }, { "source": "webnlg", "text": "The footballer Abner has played for C.D. FAS and also Real Madrid Castilla, which is managed by Luis Miguel Ramis." } ] }, { "tripleset": [ [ "St. Louis", "IS_PART_OF", "Greater St. Louis" ], [ "Alex Tyus", "BIRTH_PLACE", "St. Louis" ], [ "St. Louis", "LEADER_NAME", "Francis G. Slay" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "St Louis, part of Greater St Louis, is led by Francis G Slay and is the birthplace of Alex Tyus." }, { "source": "webnlg", "text": "Alex Tyus was born in St Louis, (part of greater St. Louis), where Francis G. Slay is the leader." }, { "source": "webnlg", "text": "Alex Tyus was born in St Louis, part of Greater St Louis, the leader of which, is Francis G. Slay." } ] }, { "tripleset": [ [ "Tennessee Titans", "CITY", "Nashville, Tennessee" ], [ "Akeem Ayers", "FORMER_TEAM", "New England Patriots" ], [ "Akeem Ayers", "DEBUT_TEAM", "Tennessee Titans" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Akeem Ayers's former team is the New England Patriots and his debut team was the Tennessee Titans who are based in the city of Nashville, Tennessee." }, { "source": "webnlg", "text": "Akeem Ayers, whose former team is the New England Patriots, made his debut with the American football team Tennessee Titans based in the city of Nashville." }, { "source": "webnlg", "text": "Akeem Ayers' debut team was the Tennessee Titans, who are based in the city of Nashville, Tennessee. He later played for the New England Patriots." } ] }, { "tripleset": [ [ "United Petrotrin F.C.", "GROUND", "Palo Seco" ], [ "Akeem Adams", "CLUB", "Trinidad and Tobago national under-20 football team" ], [ "Akeem Adams", "CLUB", "United Petrotrin F.C." ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Akeem Adams, who has represented Trinidad and Tobago at under 20 level, played for United Petrotrin FC, whose ground is Palo Seco." }, { "source": "webnlg", "text": "Akeem Adams, who plays for the Trinidad and Tobago national under-20 football team previously played for United Petrotin FC whose ground is at Palo Seco." }, { "source": "webnlg", "text": "Akeem Adams played for United Petrotrin F.C., who play their home games at Palo Seco ground. He also played for the Trinidad and Tobago national under 20 team." } ] }, { "tripleset": [ [ "Aaron Hunt", "CLUB", "SV Werder Bremen" ], [ "SV Werder Bremen II", "MANAGER", "Alexander Nouri" ], [ "Aaron Hunt", "CLUB", "SV Werder Bremen II" ], [ "SV Werder Bremen II", "LEAGUE", "3. Liga" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Aaron Hunt played for SV Werder Bremen and SV Werder Bremen II. The latter is managed by Alexander Nouri and is in the league 3 Liga." }, { "source": "webnlg", "text": "Alexander Nouri is the manager of SV Werder Bremen, which Aaron Hunt plays for. He also plays for, SV Werder Bremen II which is in the league 3 Liga." }, { "source": "webnlg", "text": "SV Werder Bremen is managed by Alexander Nouri and SV Werder Bremen II are players in 3 Liga. Aaron Hunt plays for both clubs." } ] }, { "tripleset": [ [ "Abel Hern\u00e1ndez", "CLUB", "Pe\u00f1arol" ], [ "Abel Hern\u00e1ndez", "YOUTH_CLUB", "Central Espa\u00f1ol" ], [ "Hull City A.F.C.", "MANAGER", "Steve Bruce" ], [ "Abel Hern\u00e1ndez", "CLUB", "Hull City A.F.C." ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Abel Hernandez belongs to Abel Hernandezand club Penarol. He also plays for, Steve Bruce managed, Hull City A.F.C." }, { "source": "webnlg", "text": "Abel Hernandez, who played for Penarol, was a member of the Central Espanol youth team. Abel Hern\u00e1ndez's club is Hull City A.F.C. which is managed by, Steve Bruce." }, { "source": "webnlg", "text": "Abel Hernandez, whose club is Penarol, played youth football for Central Espa\u00f1ol. his club is also Hull City A.F.C., the manager of which, is Steve Bruce." } ] }, { "tripleset": [ [ "Abel Hern\u00e1ndez", "YOUTH_CLUB", "Pe\u00f1arol" ], [ "Abel Hern\u00e1ndez", "CLUB", "Central Espa\u00f1ol" ], [ "Pe\u00f1arol", "MANAGER", "Jorge Orosm\u00e1n da Silva" ], [ "Abel Hern\u00e1ndez", "CLUB", "U.S. Citt\u00e0 di Palermo" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Abel Hern\u00e1ndez plays for the club, U.S. Citt\u00e0 di Palermo and played for the Central Espanol club. He was a member of youth club Pe\u00f1arol which is managed by, Jorge Orosm\u00e1n da Silva." }, { "source": "webnlg", "text": "Abel Hern\u00e1ndez was a member of youth club Pe\u00f1arol, managed by, Jorge Orosm\u00e1n da Silva. Abel Hernandezalso played for the Central Espanol club and now his club is US Citta di Palermo." }, { "source": "webnlg", "text": "Abel Hern\u00e1ndez has played for Central Espa\u00f1ol and plays for the club, U.S. Citt\u00e0 di Palermo. In his youth, he played for Pe\u00f1arol, the manager of which, is Jorge Orosm\u00e1n da Silva." } ] }, { "tripleset": [ [ "Abel Hern\u00e1ndez", "YOUTH_CLUB", "Pe\u00f1arol" ], [ "U.S. Citt\u00e0 di Palermo", "MANAGER", "Giuseppe Iachini" ], [ "Abel Hern\u00e1ndez", "CLUB", "U.S. Citt\u00e0 di Palermo" ], [ "U.S. Citt\u00e0 di Palermo", "LEAGUE", "Serie A" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Abel Hern\u00e1ndez, who was a member of youth club Pe\u00f1aro, plays for the club, U.S. Citt\u00e0 di Palermo. The club is managed by Giuseppe Iachini and play in the Serie A league." }, { "source": "webnlg", "text": "When he was younger, Abel Hern\u00e1ndez played for Pe\u00f1arol. He now plays for US Citta di Palermo in the Serie A. League and managed by Giuseppe Iachini." }, { "source": "webnlg", "text": "Abel Hern\u00e1ndez plays for, Giuseppe Iachini managed, U.S. Citt\u00e0 di Palermo. in the Serie A league. He has played for Pe\u00f1arol." } ] }, { "tripleset": [ [ "Adam McQuaid", "BIRTH_PLACE", "Prince Edward Island" ], [ "Adam McQuaid", "DATE_OF_BIRTH", "1986-10-12" ], [ "Adam McQuaid", "WEIGHT", "94.8024 (kilograms)" ], [ "Adam McQuaid", "DATE_OF_BIRTH", "1986" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Adam McQuaid was born October 12th 1986 in Prince Edward Island and now weighs 94.8024kg." }, { "source": "webnlg", "text": "Adam McQuaid was born October 12th 1986 on Prince Edward Island. He weighs 94.8024 kilograms." }, { "source": "webnlg", "text": "Born on Oct 12, 1986 in P.E.I. is Adam McQuaid. He weighs 94.8024 Kg." } ] }, { "tripleset": [ [ "Adam McQuaid", "DRAFT_TEAM", "Columbus Blue Jackets" ], [ "Boston Bruins", "GENERAL_MANAGER", "Don Sweeney" ], [ "Columbus Blue Jackets", "CITY", "Columbus, Ohio" ], [ "Adam McQuaid", "CLUB", "Boston Bruins" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Adam McQuaid was originally drafted to the Columbus Blue Jackets out of Columbus, Ohio. He nows plays with the Boston Bruins whose general manager is Don Sweeney." }, { "source": "webnlg", "text": "Don Sweeney is general manager for the Boston Bruins, the team Adam McQuaid played for. McQuaid was drafted to the Columbus Blue Jackets, from Columbus, Ohio." }, { "source": "webnlg", "text": "Adam McQuaid was drafted with the Columbus Blue Jackets in Columbus, Ohio. He played for the Boston Bruins whose manager is Don Sweeney." } ] }, { "tripleset": [ [ "Akeem Ayers", "FORMER_TEAM", "St. Louis Rams" ], [ "Akeem Ayers", "DATE_OF_BIRTH", "1989-07-10" ], [ "Akeem Ayers", "DEBUT_TEAM", "Tennessee Titans" ], [ "Akeem Ayers", "DATE_OF_BIRTH", "1989" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Akeem Ayers was born July 10, 1989 and debuted with the Tennessee Titans. He has played for the St. Louis Rams." }, { "source": "webnlg", "text": "Akeem Ayers; was born on 10th July 1989, made his debut for the Tennessee Titans and used to play for the St. Louis Rams." }, { "source": "webnlg", "text": "Akeem Ayers was born July 10th, 1989 and debuted with the Tennessee Titans. He also played for the St. Louis Rams at one point." } ] }, { "tripleset": [ [ "Akeem Dent", "DATE_OF_BIRTH", "1987" ], [ "Akeem Dent", "FORMER_TEAM", "Houston Texans" ], [ "Akeem Dent", "DATE_OF_BIRTH", "1987-09-27" ], [ "Akeem Dent", "BIRTH_PLACE", "\"Atlanta, Georgia\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Akeem Dent, who used to play for Houston Texans, was born on 27 September 1987 in Atlanta, Georgia." }, { "source": "webnlg", "text": "Akeem Dent was born in Atlanta, Georgia on 27th September 1987 and played for the Houston Texans." }, { "source": "webnlg", "text": "Former Houston Texans player, Akeem Dent, was born in Atlanta Georgia, on 09/27/1987." } ] }, { "tripleset": [ [ "Akeem Dent", "DEBUT_TEAM", "Atlanta Falcons" ], [ "Akeem Dent", "FORMER_TEAM", "Houston Texans" ], [ "Akeem Dent", "DATE_OF_BIRTH", "1987-09-27" ], [ "Akeem Dent", "BIRTH_PLACE", "\"Atlanta, Georgia\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Akeem Dent was born on the 27th September 1987, in Atlanta, Georgia. He debuted with the Atlanta Falcons and his former team are the Houston Texans." }, { "source": "webnlg", "text": "Akeem Dent, born September 27, 1987 in Atlanta, Georgia, on the Atlanta Falcons. He also played for the Houston Texans formerly." }, { "source": "webnlg", "text": "Akeem Dent was born in Atlanta, Georgia, on the 27th of September, 1987. He debuted with the Atlanta Falcons and used to play for Houston Texans." } ] }, { "tripleset": [ [ "Al Kharaitiyat SC", "GROUND", "Al Khor" ], [ "Alaa Abdul-Zahra", "CLUB", "Al-Zawra'a SC" ], [ "Alaa Abdul-Zahra", "CLUB", "Al Kharaitiyat SC" ], [ "Al Kharaitiyat SC", "MANAGER", "Amar Osim" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alaa Abdul Zahra has played for Al Kharaitiyat SC and Al-Zawra'a SC. Al Kharaitiyat SC. are managed by Amar Osim and play their home games at Al Khor." }, { "source": "webnlg", "text": "Alaa Abdul Zahra, whose club is Al-Zawra'a SC, is also a member of the club, AL Kharaitiyat SC Amar Osim is the manager of Al Kharaitiyat SC. which is located in Al Khor." }, { "source": "webnlg", "text": "Alaa Abdul Zahra, who played for the club Al-Zawra'a SC, plays for Al Kharaitiyat SC. Al Khor is the home ground of Al Kharaitiyat SC which is managed by, Amar Osim." } ] }, { "tripleset": [ [ "Alaa Abdul-Zahra", "CLUB", "Al Kharaitiyat SC" ], [ "Al Kharaitiyat SC", "GROUND", "Al Khor" ], [ "Alaa Abdul-Zahra", "CLUB", "Iraq national under-23 football team" ], [ "Al Kharaitiyat SC", "MANAGER", "Amar Osim" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alaa Abdul Zahra, played for the Iraq national under 23 football team, plays for Al Kharaitiyat SC, located in Al Khor, and managed by, Amar Osim." }, { "source": "webnlg", "text": "Alaa Abdul Zahra plays for Al Kharaitiyat SC, in Al Khor, and for the Iraq national under 23 football team. Al Kharaitiyat SC is managed by Amar Osim." }, { "source": "webnlg", "text": "Alaa Abdul Zahra plays for Al Kharaitiyat SC that has its home land in Al Khor. Mr. Zahra is also part of the Iraq national under 23 football team which is managed by Amar Osim." } ] }, { "tripleset": [ [ "Alaa Abdul-Zahra", "CLUB", "Al Kharaitiyat SC" ], [ "Al Kharaitiyat SC", "GROUND", "Al Khor" ], [ "Alaa Abdul-Zahra", "CLUB", "Shabab Al-Ordon Club" ], [ "Al Kharaitiyat SC", "MANAGER", "Amar Osim" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alaa Abdul Zahra plays for Al Kharaitiyat SC which is located at Al Khor and managed by Amar Osim. The Shabab Al-Ordon club is associated with Alaa Abdul-Zahra." }, { "source": "webnlg", "text": "Alaa Abdul-Zahra, whose club is Shabab Al-Ordon Club, also plays for Al Kharaitiyat SC. which is located in Al Khor. The manager of Al Kharaitiyat SC is Amar Osim." }, { "source": "webnlg", "text": "Alaa Abdul Zahra's club is AL Kharaitiyat SC which is managed by Amar Osim and is located in Al Khor. Another club of Alaa Abdul-Zahra, is Shabab Al-Ordon Club." } ] }, { "tripleset": [ [ "Alan Martin (footballer)", "CLUB", "Hamilton Academical F.C." ], [ "Alan Martin (footballer)", "DATE_OF_BIRTH", "1989-01-01" ], [ "Alan Martin (footballer)", "HEIGHT", "185.42 (centimetres)" ], [ "Alan Martin (footballer)", "CLUB", "Crewe Alexandra F.C." ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alan Martin is a footballer who is 185.42 cm in height and was born on 1 January 1989. He plays for both Hamilton Academical FC and Crewe Alexandra FC." }, { "source": "webnlg", "text": "Footballer, Alan Martin, was born on the 1st January 1989. He is 185.42 cm tall and plays for both the Hamilton Academical FC and Crewe Alexandra FC." }, { "source": "webnlg", "text": "Alan Martin was born on the 1st January 1989 and is 185.42 cm tall. He played football for Hamilton Academical F.C. and is a footballer for the Crewe Alexandra FC." } ] }, { "tripleset": [ [ "Alan Martin (footballer)", "CLUB", "Scotland national under-21 football team" ], [ "Alan Martin (footballer)", "DATE_OF_BIRTH", "1989-01-01" ], [ "Alan Martin (footballer)", "HEIGHT", "185.42 (centimetres)" ], [ "Alan Martin (footballer)", "CLUB", "Crewe Alexandra F.C." ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Footballer, Alan Martin, who played for the Scotland national under-21 football team, plays for Crewe Alexandra F.C. He was born on the 1st January 1989 and is 185.42 centimetres tall." }, { "source": "webnlg", "text": "Alan martin, was born on the 1st January 1989. He is 185.42 cm tall, a footballer for the Crewe Alexandra FC and plays in the Scottish National under 21 football team." }, { "source": "webnlg", "text": "At 185,42 centimetres tall, Footballer, Alan Martin, was born on January 1st 1989. He played for the Scotland national under-21 football team and is a footballer for the Crewe Alexandra FC." } ] }, { "tripleset": [ [ "Aleksandr Prudnikov", "DATE_OF_BIRTH", "1989-02-24" ], [ "Aleksandr Prudnikov", "HEIGHT", "185.0 (centimetres)" ], [ "Aleksandr Prudnikov", "CLUB", "FC Kuban Krasnodar" ], [ "Aleksandr Prudnikov", "CLUB", "FC Dynamo Moscow" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Aleksandr Prudnikov, who is 185cm tall and was born on 24 February 1989, plays for both FC Kuban Krasnodar and FC Dynamo Moscow." }, { "source": "webnlg", "text": "Born on Feb. 24, 1989 and measuring 185 cm tall, Aleksandr Prudnikov plays for the FC Kuban Krasnodar and is part of the Dynamo Moscow FC." }, { "source": "webnlg", "text": "Aleksandr Prudnikov was born February 24, 1989 and is 185 cm tall. He plays for FC Dynamo Moscow and FC Kuban Krasnodar." } ] }, { "tripleset": [ [ "Aleksandr Prudnikov", "CLUB", "FC Spartak Moscow" ], [ "Aleksandr Prudnikov", "DATE_OF_BIRTH", "1989-02-24" ], [ "Aleksandr Prudnikov", "HEIGHT", "185.0 (centimetres)" ], [ "Aleksandr Prudnikov", "CLUB", "FC Rubin Kazan" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Aleksandr Prudnikov was born 1989-02-24 and is now 185.0cm tall. He played for FC Spartak Moscow and plays for FC Rubin Kazan." }, { "source": "webnlg", "text": "Aleksandr Prudnikov was born on 24-02-1989, he is now 185cm tall. His club is FC Spartak Moscow but he currently plays for FC Rubin Kazan." }, { "source": "webnlg", "text": "Aleksandr Prudnikov was born on February 24th, 1989 and is 185 cm tall. He once played for FC Spartak Moscow and FC Rubin Kazan." } ] }, { "tripleset": [ [ "Aleksandre Guruli", "CLUB", "FC Karpaty Lviv" ], [ "Aleksandre Guruli", "BIRTH_PLACE", "Batumi" ], [ "Aleksandre Guruli", "HEIGHT", "178.0 (centimetres)" ], [ "Aleksandre Guruli", "CLUB", "FC Zestafoni" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Aleksandre Guruli, who was born in Batumi, is 178.0 centimetres tall. He is in the FC Zestafoni club and plays for FC Karpaty Lviv club." }, { "source": "webnlg", "text": "Aleksandre Guruli was born in Batumi and he is 1.78m tall. He has played for FC Karpaty Lviv and FC Zestafoni." }, { "source": "webnlg", "text": "Aleksandre Guruli was born in Batumi and is 178cm tall. He has played for FC Zestafoni and FC Karpaty Lviv." } ] }, { "tripleset": [ [ "Alex Plante", "DATE_OF_BIRTH", "1989" ], [ "Alex Plante", "CLUB", "Anyang Halla" ], [ "Alex Plante", "BIRTH_PLACE", "Canada" ], [ "Alex Plante", "DATE_OF_BIRTH", "1989-05-09" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alex Plante was born in Canada, on 09/05/1989. His club is called Anyang Halla." }, { "source": "webnlg", "text": "Alex Plante, who played for Anyang Halla, was born on 1989-05-09, in Canada." }, { "source": "webnlg", "text": "Alex Plante, whose club is Anyang Halla, was born in Canada, on 1989-05-09." } ] }, { "tripleset": [ [ "Alex Plante", "DATE_OF_BIRTH", "1989" ], [ "Alex Plante", "HEIGHT", "1.9304" ], [ "Alex Plante", "CLUB", "Anyang Halla" ], [ "Alex Plante", "BIRTH_PLACE", "Canada" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "1.9304 m tall, Alex Plante, whose club is, Anyang Halla, was born in Canada, in 1989." }, { "source": "webnlg", "text": "1.9304m tall Alex Plante, whose club is Anyang Halla, was born in Canada, in 1989." }, { "source": "webnlg", "text": "Alex Plante, born in Canada, 1989 is 1.9304m tall and played for Anyang Halla." } ] }, { "tripleset": [ [ "Canada", "ANTHEM", "O Canada" ], [ "Canada", "LEADER_NAME", "Elizabeth II" ], [ "Aaron Boogaard", "BIRTH_PLACE", "Canada" ], [ "Canada", "LANGUAGE", "Inuktitut" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Aaron Boogaard was born in Canada which is led by Elizabeth II, has a national anthem \"O Canada\" and uses the Inuktitut spoken language." }, { "source": "webnlg", "text": "Aaron Boogaard's birthplace is Canada. The country, where one of the languages spoken is Inuktitut. It is also where O Canada is the national anthem and the leader is Elizabeth II." }, { "source": "webnlg", "text": "The national anthem of Canada is O Canada and the leader is, Elizabeth II. Inuktitut is a spoken language in Canada, the birthplace of, Aaron Boogaard." } ] }, { "tripleset": [ [ "Canada", "ANTHEM", "O Canada" ], [ "Canada", "LEADER_NAME", "Elizabeth II" ], [ "Canada", "ETHNIC_GROUP", "Asian Canadians" ], [ "Aaron Boogaard", "BIRTH_PLACE", "Canada" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Aaron Boogaard is from Canada whose national anthem is O Canada and its leader being Elizabeth II. One ethnic group in Canada are Asian Canadians." }, { "source": "webnlg", "text": "The anthem of Canada is O Canada, the leader is Elizabeth II, one of the ethic groups in Canada are the Asian Canadians and it is the birthplace of Aaron Boogaard." }, { "source": "webnlg", "text": "O Canada is the national anthem of Canada, where Aaron Boogaard was born. Elizabeth II is the leader of Canada, where one of the ethnic groups, is Asian Canadians." } ] }, { "tripleset": [ [ "Canada", "ANTHEM", "O Canada" ], [ "Canada", "LEADER_NAME", "Elizabeth II" ], [ "Canada", "LANGUAGE", "Slavey language" ], [ "Aaron Boogaard", "BIRTH_PLACE", "Canada" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Aaron Boogaard was born in Canada whose national anthem is called O Canada and its leader is Elizabeth II. Slavey is spoken in Canada." }, { "source": "webnlg", "text": "Elizabeth II is Canada's leader and the national anthem is \"O Canada\". It is home to Aaron Boogaard and the Slavey language is spoken." }, { "source": "webnlg", "text": "Aaron Boogaard was born in Canada, where one of the languages is, the Slavey language. The national anthem of Canada is O Canada. and the leader is, Elizabeth II." } ] }, { "tripleset": [ [ "FC Terek Grozny", "GROUND", "Grozny" ], [ "Aleksandr Prudnikov", "CLUB", "FC Terek Grozny" ], [ "FC Terek Grozny", "MANAGER", "Rashid Rakhimov" ], [ "Aleksandr Prudnikov", "CLUB", "FC Kuban Krasnodar" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Aleksandr Prudnikov, who plays for FC Kuban Krasnodar, played for FC Terek Grozny. Rashid Rakhimov is the manager of FC Terek Grozny, the ground of which, is based at Grozny." }, { "source": "webnlg", "text": "Aleksandr Prudnikov, who plays for FC Kuban Krasnodar, also plays for FC Terek Grozny. Rashid Rakhimov is the manager of FC Terek Grozny, the ground of which, is located in Grozny." }, { "source": "webnlg", "text": "Aleksandr Prudnikov played for FC Terek Grozny whose local ground is in Grozny. He now plays for the FC Kuban Krasnodar club which is managed by Rashid Rakhimov." } ] }, { "tripleset": [ [ "FC Torpedo Moscow", "SEASON", "2014\u201315 Russian Premier League" ], [ "Aleksandr Chumakov", "CLUB", "FC Torpedo Moscow" ], [ "FC Torpedo Moscow", "MANAGER", "Valery Petrakov" ], [ "FC Torpedo Moscow", "CHAIRMAN", "Aleksandr Tukmanov" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Valery Petrakov is the manager of FC Torpedo Moscow and its chairman is Aleksandr Tukmanov. Aleksandr Chumakov plays for the club which spent the 2014-15 season in the Russian Premier League." }, { "source": "webnlg", "text": "FC Torpedo Moscow who are managed by Aleksandr Chumakov and whose chairman is Aleksandr Tukmanov, played the 2014\u201315 season in the Russian Premier League. Aleksandr Chumakov has played for the club." }, { "source": "webnlg", "text": "Aleksandr Chumakov plays for is FC Torpedo Moscow who has a manager called Valery Petrakov and a chairman called Aleksandr Tukmanov. The FC Torpedo Moscow participated in the Russian Premier League for the 2014-15 season." } ] }, { "tripleset": [ [ "Houston Texans", "CITY", "Texas" ], [ "Akeem Dent", "DEBUT_TEAM", "Atlanta Falcons" ], [ "Akeem Dent", "FORMER_TEAM", "Houston Texans" ], [ "Houston Texans", "CITY", "Houston" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Akeem Dent debuted with the Atlanta Falcons and has played with Houston, Texas based, Houston Texans." }, { "source": "webnlg", "text": "Akeem Dent's first team were the Atlanta Falcons and his former team are the Houston Texans, which are based in the city of Houston and play in Texas." }, { "source": "webnlg", "text": "Houston,Texas is the home of Houston Texans, the former club of Akeem Dent, who debuted with the Atlanta Falcons." } ] }, { "tripleset": [ [ "Pe\u00f1arol", "LEAGUE", "Uruguayan Primera Divisi\u00f3n" ], [ "Abel Hern\u00e1ndez", "YOUTH_CLUB", "Pe\u00f1arol" ], [ "Hull City A.F.C.", "MANAGER", "Steve Bruce" ], [ "Abel Hern\u00e1ndez", "CLUB", "Hull City A.F.C." ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "In his youth, Abel Hern\u00e1ndez played for Pe\u00f1arol, which play in the Uruguayan Primera Divisi\u00f3n league. Abel Hern\u00e1ndez now plays for Hull City A.F.C. which is managed by, Steve Bruce." }, { "source": "webnlg", "text": "Abel Hern\u00e1ndez was a member of youth club Pe\u00f1arol, that play in the Uruguayan Primera Divisi\u00f3n league. His current club is Hull City A.F.C. which is managed by, Steve Bruce." }, { "source": "webnlg", "text": "Abel Hernandez was a member of Penarol's youthclub which plays in the Uruguayan Primera Divisi\u00f3n. He now plays for Hull City A.F.C., the manager of which, is Steve Bruce." } ] }, { "tripleset": [ [ "(19255) 1994 VK8", "EPOCH", "2006-12-31" ], [ "(19255) 1994 VK8", "ORBITAL_PERIOD", "8788850000.0" ], [ "(19255) 1994 VK8", "PERIAPSIS", "6155910000000.0" ], [ "(19255) 1994 VK8", "APOAPSIS", "6603633000.0 (kilometres)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The epoch of (19255) 1994 VK8 is on 31 December 2006. It has an orbital period of 8788850000.0, a periapsis of 6155910000000.0 and an apoapsis of 6603633000.0 km." } ] }, { "tripleset": [ [ "(66063) 1998 RO1", "EPOCH", "2013-11-04" ], [ "(66063) 1998 RO1", "ORBITAL_PERIOD", "360.29 (days)" ], [ "(66063) 1998 RO1", "ESCAPE_VELOCITY", "0.0999 (kilometrePerSeconds)" ], [ "(66063) 1998 RO1", "APOAPSIS", "254989570.60815 (kilometres)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "(66063) 1998 RO1 has an epoch date of 2013-11-04 and an orbital period of 360.29 days. Its escape velocity is 0.0999 km/sec and it has an apoapsis of 254989570.60815 kilometres." }, { "source": "webnlg", "text": "(66063)1998 RO1 had its epoch date on 2013-11-04 and has an orbital period of 360.29 days.It has an escape velocity of 0.0999 km/s and its apoapsis is 254989570.60815 kilometres." }, { "source": "webnlg", "text": "The epoch date for 66063 1998 RO1 is November 4, 2013. Its orbital period is 360.29 days, has an escape velocity of .0999 km per sec., and its apoapsis is 254989570.60815 km." } ] }, { "tripleset": [ [ "(66063) 1998 RO1", "MEAN_TEMPERATURE", "265.0 (kelvins)" ], [ "(66063) 1998 RO1", "APOAPSIS", "254989570.60815 (kilometres)" ], [ "(66063) 1998 RO1", "EPOCH", "2013-11-04" ], [ "(66063) 1998 RO1", "ORBITAL_PERIOD", "360.29 (days)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "66063 1998 RO1 has an epoch date of 4 November 2013. It's mean temperature is 265.0 kelvins and it has an apoapsis of 254989570.60815 kilometres. 360.29 days is the orbital period of this celestial body." }, { "source": "webnlg", "text": "The mean temperature of (66063) 1998 RO1 is 265.0 kelvins and its apoapsis is 254989570.60815 kilometres. It has an epoch date of 4 November 2013 and an orbital period of 360.29 days." }, { "source": "webnlg", "text": "(66063) 1998 RO1, with an average temperature of 265 kelvins and an epoch date of 4 November 2013, has an orbital period of 360.29 days and an apoapsis of 254989570.60815 kilometres." } ] }, { "tripleset": [ [ "1000 Piazzia", "EPOCH", "2015-06-27" ], [ "1000 Piazzia", "ORBITAL_PERIOD", "488160.0" ], [ "1000 Piazzia", "PERIAPSIS", "352497000000.0" ], [ "1000 Piazzia", "ESCAPE_VELOCITY", "0.0252 (kilometrePerSeconds)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The dark asteroid called 1000 Piazzia has an orbital period of 488160.0 and its epoch is 2015-06-27. Additionally, it has periapsis of 352497000000.0 and an escape velocity of 0.0252 kilometres per second." }, { "source": "webnlg", "text": "The epoch of 1000 Piazzia is 2015-06-27. It has an escape velocity of 0.0252 km/sec, a periapsis of 352497000000.0 and an orbital period of 488160.0." }, { "source": "webnlg", "text": "The dark asteroid 1000 Piazzia has a periapsis is 352497000000.0 and an escape velocity of 0.0252 km/sec. It has an orbital period of 488160 and an epoch of 27th June 2015." } ] }, { "tripleset": [ [ "1001 Gaussia", "DISCOVERER", "Sergey Belyavsky" ], [ "1001 Gaussia", "EPOCH", "2015-06-27" ], [ "1001 Gaussia", "FORMER_NAME", "\"1923 OAA907 XC\"" ], [ "1001 Gaussia", "PERIAPSIS", "419113394.55312 (kilometres)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The epoch of 1001 Gaussia (formerly known as 1923 OAA907 XC) is 31 July 2016. It was discovered by Sergey Belyavsky and has a periapsis of 419113394.55312 (kilometres)." }, { "source": "webnlg", "text": "1923 OAA907 XC is the original name of 1001 Gaussia, which was discovered by Sergey Belyavsky and has an epoch date of June 27th 2015. Its periapsis measures 419113394.55312 kilometres." }, { "source": "webnlg", "text": "1001 Gaussia, discovered by Sergey Belyavsky, was formerly known as 1923 OAA907 XC. This asteroid, has an epoch on 31 July 2016, and a periapsis of, 419113394.55312 kilometres." } ] }, { "tripleset": [ [ "1036 Ganymed", "DISCOVERER", "Walter Baade" ], [ "Walter Baade", "BIRTH_PLACE", "German Empire" ], [ "Walter Baade", "ALMA_MATER", "University of G\u00f6ttingen" ], [ "Walter Baade", "DOCTORAL_STUDENT", "Allan Sandage" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "German Empire born Walter Baade, who studied at the University of Gottingen, was the discoverer of 1036 Ganymed. One of his doctoral students was Allan Sandage." }, { "source": "webnlg", "text": "1036 Ganymed was discovered by Walter Baade whose alma mater was the University of Gottingen. He had a doctoral student named Allan Sandage. Mr. Baade was born in Germany." } ] }, { "tripleset": [ [ "1036 Ganymed", "DISCOVERER", "Walter Baade" ], [ "Walter Baade", "DOCTORAL_STUDENT", "Halton Arp" ], [ "Walter Baade", "BIRTH_PLACE", "Preu\u00dfisch Oldendorf" ], [ "Walter Baade", "ALMA_MATER", "University of G\u00f6ttingen" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Walter Baade, who was born in Preubisch Oldendorf, discovered 1036 Ganymed. He studied at The university of Gottingen, and his doctoral student was Halton Arp." }, { "source": "webnlg", "text": "1036 Ganymed was discovered by Walter Baade. Baade was born in Preu\u00dfisch Oldendorf and attended the University of Gottingen where one of his doctoral students was Halton Arp." }, { "source": "webnlg", "text": "Walter Baade, who was born in Preu\u00dfisch Oldendorf, discovered 1036 Ganymed. He studied at The university of Gottingen and one of his doctoral students was Halton Arp." } ] }, { "tripleset": [ [ "1036 Ganymed", "DISCOVERER", "Walter Baade" ], [ "Walter Baade", "DOCTORAL_STUDENT", "Halton Arp" ], [ "Walter Baade", "DEATH_PLACE", "West Germany" ], [ "Walter Baade", "ALMA_MATER", "University of G\u00f6ttingen" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Walter Baade, who had the doctoral student Halton Arp, was the discoverer of 1036 Ganymed. He studied at the University of Gottingen and died in West Germany." }, { "source": "webnlg", "text": "Walter Baade, who had a doctoral student named Halton Arp, discovered 1036 Ganymed. He had graduated from the University of Gottingen and later died in West Germany." }, { "source": "webnlg", "text": "Halton Arp was a doctoral student of Walter Baade, the discoverer of 1036 Ganymed, who studied at the university of Gottingen, and who died in West Germany." } ] }, { "tripleset": [ [ "103 Hera", "DISCOVERER", "James Craig Watson" ], [ "James Craig Watson", "ALMA_MATER", "University of Michigan" ], [ "James Craig Watson", "DEATH_PLACE", "Madison, Wisconsin" ], [ "James Craig Watson", "DEATH_CAUSE", "Peritonitis" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The discoverer of 103 Hera, James Craig Watson, alma mater was the University of Michigan. He died in Madison, Wisconsin of peritonitis." }, { "source": "webnlg", "text": "James Craig Watson was the discoverer of 103 Hera. His Alma mater is the University of Michigan and he died in Madison, Wisconsin of peritonitis." }, { "source": "webnlg", "text": "The discoverer of 103 Hera, James Craig Watson's, Alma mater is the University of Michigan. James died in Madison, Wisconsin of peritonitis." } ] }, { "tripleset": [ [ "103 Hera", "DISCOVERER", "James Craig Watson" ], [ "James Craig Watson", "NATIONALITY", "Canada" ], [ "James Craig Watson", "DEATH_PLACE", "Madison, Wisconsin" ], [ "103 Hera", "APOAPSIS", "437170000.0 (kilometres)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Canadian James Craig Watson (who died in Madison, Wisconsin), discovered 103 Hera, which has an apoapsis of 437170000.0 kilometre)." }, { "source": "webnlg", "text": "Canadian James Craig Watson, who dies in Madison, Wisconsin, was the discoverer of 103 Hera, which has an apoapsis of 437170000.0 (kilometres)." }, { "source": "webnlg", "text": "Canadian, James Craig Watson (died in Madison, Wisconsin), was the discoverer of 103 Hera which has an apoapsis of 437170000.0 kilometres." } ] }, { "tripleset": [ [ "103 Hera", "DISCOVERER", "James Craig Watson" ], [ "James Craig Watson", "NATIONALITY", "Canada" ], [ "James Craig Watson", "DEATH_PLACE", "Madison, Wisconsin" ], [ "James Craig Watson", "DEATH_CAUSE", "Peritonitis" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "103 Hera was discovered by James Craig Watson. He was a Canadian national who died in Madison, Wisconsin of peritonitis." }, { "source": "webnlg", "text": "James Craig Watson of Canada passed in Madison, Wisconsin from peritonitis. He was the discoverer of 103 Hera." } ] }, { "tripleset": [ [ "107 Camilla", "DISCOVERER", "N. R. Pogson" ], [ "N. R. Pogson", "DEATH_PLACE", "Chennai" ], [ "107 Camilla", "PERIAPSIS", "479343000.0 (kilometres)" ], [ "N. R. Pogson", "BIRTH_PLACE", "Nottingham" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Nottingham born, N.R. Pogson (who died in Chennai), discovered 107 Camilla, which has a periapsis of 479343000.0 kilometres." }, { "source": "webnlg", "text": "N.R. Pogson discovered 107 Camilla which has a periapsis of 479,343,000 kilometres. Pogson was born in Nottingham and died in Chennai." }, { "source": "webnlg", "text": "107 Camilla was discovered by N.R. Pogson who was born in Nottingham. He died in Chennai. The periapsis of 107 Camilla is 479343000.0 (kilometres)." } ] }, { "tripleset": [ [ "107 Camilla", "DISCOVERER", "N. R. Pogson" ], [ "N. R. Pogson", "DEATH_PLACE", "Chennai" ], [ "N. R. Pogson", "BIRTH_PLACE", "Nottingham" ], [ "107 Camilla", "DISCOVERED", "2001-03-01" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "N.R. Pogson was born in Nottingham and died in Chennai.He discovered the 107 Camilla asteroid on the 1st March 2001." }, { "source": "webnlg", "text": "107 Camilla was discovered by N.R. Pogson, who was born in Nottingham and died in Chennai. It was discovered on 1 March 2001." }, { "source": "webnlg", "text": "107 Camilla was discovered by N.R. Pogson, who was born in Nottingham and died in Chennai. It was discovered on March 1st 2001." } ] }, { "tripleset": [ [ "1089 Tama", "EPOCH", "2005-11-26" ], [ "1089 Tama", "FORMER_NAME", "\"A894 VA; A904 VD;\"" ], [ "1089 Tama", "ORBITAL_PERIOD", "1202.846 (days)" ], [ "1089 Tama", "PERIAPSIS", "288749000000.0" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The epoch date of 1089 Tama is 26 November 2005 with its former name being \"A894 VA; A904 VD\". 1202.846 days is its orbital period and 288749000000.0 is its periapsis." }, { "source": "webnlg", "text": "1089 Tama (previously called A894 VA; A904 VD); has an orbital period of 1202.846 days, a periapsis of 288749000000.0, and the epoch date, 2005-11-26." }, { "source": "webnlg", "text": "The epoch of 1089 Tama (formerly known as A894 VA; A904 VD) is 2005-11-26. The celestial body has a periapsis of 288749000000.0 and an orbital period of 1202.846 days." } ] }, { "tripleset": [ [ "1089 Tama", "ESCAPE_VELOCITY", "0.0068 (kilometrePerSeconds)" ], [ "1089 Tama", "ORBITAL_PERIOD", "1202.846 (days)" ], [ "1089 Tama", "EPOCH", "2005-11-26" ], [ "1089 Tama", "APOAPSIS", "373513000.0 (kilometres)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "1089 Tama has an orbital period of 1202.846 days and its epoch date was on 26 November 2005.It has an apoapsis of 373513000.0 kilometres and its escape velocity is 0.0068km/sec." }, { "source": "webnlg", "text": "1089 Tama, with the epoch date November 26th 2011, has an escape velocity of 0.0068 kmps. It orbital period is 1202.846 days and it has an apoapsis of 373513000.0 (kilometres)." }, { "source": "webnlg", "text": "The epoch date of 1089 Tama is 26 November 2005 and it has an apoapsis of 373513000.0 kilometres. It has an escape velocity of 0.0068 km per sec and an orbital period of 1202.846 days." } ] }, { "tripleset": [ [ "1097 Vicia", "EPOCH", "2006-12-31" ], [ "1097 Vicia", "MASS", "9.8 (kilograms)" ], [ "1097 Vicia", "ORBITAL_PERIOD", "135589000.0" ], [ "1097 Vicia", "APOAPSIS", "511592000.0 (kilometres)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "1097 Vicia has a mass of 9.8 kgs, orbital period of 135589000, apoapsis of 511592000, and its epoch is the 31st of December, 2006." }, { "source": "webnlg", "text": "1097 Vicia, with the epoch date December 31st 2006, has a mass of 98 kgs, an apoapsis of 511592000.0 km and an orbital period of 135589000.0." }, { "source": "webnlg", "text": "The epoch of 1097 Vicia is on 13 January 2016 and has a mass of 9.8kg. The orbital period for 1097 Vicia is 135589000.0 and its apoapsis is 511592000.0 km." } ] }, { "tripleset": [ [ "109 Felicitas", "EPOCH", "2006-12-31" ], [ "109 Felicitas", "ORBITAL_PERIOD", "139705000.0" ], [ "109 Felicitas", "PERIAPSIS", "283326000000.0" ], [ "109 Felicitas", "ESCAPE_VELOCITY", "0.0473 (kilometrePerSeconds)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "109 Felicitas, with an escape velocity of 0.0473 kmps, has an epoch date of 31 December 2006, an orbital period of 139705000.0 and a periapsis of 283326000000.0." }, { "source": "webnlg", "text": "109 Felicitas has an orbital period of 139705000.0 and a periapsis of 283326000000.0. Its epoch date is 31 December 2006, and it has an escape velocity of 0.0473 kilometres per second." }, { "source": "webnlg", "text": "109 Felicitas ,which has an epoch date of December 31st 2006, has an escape velocity of 0.0473 kilometres per second. 139705000.0 is its orbital period and 283326000000.0 is its periapsis." } ] }, { "tripleset": [ [ "10 Hygiea", "EPOCH", "2015-06-27" ], [ "10 Hygiea", "FORMER_NAME", "\"A900 GA\"" ], [ "10 Hygiea", "ORBITAL_PERIOD", "5.57 (days)" ], [ "10 Hygiea", "PERIAPSIS", "416136000000.0" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "10 Hygiea, formerly known as \"A900 GA\", has an orbit time of 5.57 days and a periapsis of 416136000000.0. It has an epoch date of June 27th 2015." }, { "source": "webnlg", "text": "10 Hygiea was formerly known as A900 GA and has an epoch date of 27 June 2015. The orbital period is 5.57 days and the periapsis measurement is 416136000000.0." }, { "source": "webnlg", "text": "The asteroid called 10 Hygiea (formerly A900 GA); has an epoch date of 27th June 2015, a periapsis of 416136000000.0 and an orbital period of 5.57 days." } ] }, { "tripleset": [ [ "1101 Clematis", "EPOCH", "2006-12-31" ], [ "1101 Clematis", "ESCAPE_VELOCITY", "0.02 (kilometrePerSeconds)" ], [ "1101 Clematis", "ORBITAL_PERIOD", "183309000.0" ], [ "1101 Clematis", "APOAPSIS", "520906000.0 (kilometres)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "1101 Clematis has an epoch date of December 31st 2006. It has an escape velocity of 0.02 kilometres per second, an orbital period of 183309000.0 and an apoapsis of 520906000.0 kilometers." }, { "source": "webnlg", "text": "The celestial body known as 1101 Clematis has the epoch date of 31 July 2016 and an apoapsis of 520906000.0 (kilometres). It has an orbital period of 183309000.0 and an escape velocity of 0.02 kmps." } ] }, { "tripleset": [ [ "1101 Clematis", "EPOCH", "2006-12-31" ], [ "1101 Clematis", "FORMER_NAME", "\"1928 SJ\"" ], [ "1101 Clematis", "ORBITAL_PERIOD", "183309000.0" ], [ "1101 Clematis", "PERIAPSIS", "445895000000.0" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The epoch of 1101 Clematis is on the 31st of July 2016 and it has an orbital period of 183309000.0. Its former name is \"1928 SJ\" and it has a periapsis of 445895000000." }, { "source": "webnlg", "text": "1101 Clematis, formerly known as \"1928 SJ\", has an orbital period of 183309000.0 and a periapsis of 445895000000. Its epoch date is December 31st 2006." }, { "source": "webnlg", "text": "1928 SJ was the former name of 1101 Clematis and its epoch date was on 31 December 2006.Its periapsis is 445895000000.0 and its orbital period is 183309000.0." } ] }, { "tripleset": [ [ "1101 Clematis", "ESCAPE_VELOCITY", "0.02 (kilometrePerSeconds)" ], [ "1101 Clematis", "ORBITAL_PERIOD", "183309000.0" ], [ "1101 Clematis", "PERIAPSIS", "445895000000.0" ], [ "1101 Clematis", "EPOCH", "2006-12-31" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "1101 Clematis has an epoch date of December 31st 2006. It has an escape velocity of 0.02 kilometres per second, a periapsis of 445895000000, and an orbital period of 183309000.0." }, { "source": "webnlg", "text": "1101 Clematis's escape velocity is 0.02 km/s, prbital period of 183309000, periapsis of 445895000000, and an epoch on the 31st of December." } ] }, { "tripleset": [ [ "1955 Dodge", "ENGINE", "V8 engine" ], [ "1955 Dodge", "MANUFACTURER", "Dodge" ], [ "1955 Dodge", "TRANSMISSION", "\"3-speed automatic\"" ], [ "1955 Dodge", "WHEELBASE", "120.0 (inches)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The 1955 Dodge is made by the Dodge company and has a V8 engine, a 3-speed automatic transmission and a wheelbase of 120 inches." }, { "source": "webnlg", "text": "The 1955 Dodge is manufactured by Dodge and it has a V8 engine. It has a wheelbase of 120 inches and has a 3 speed automatic transmission." }, { "source": "webnlg", "text": "Dodge is the manufacturer of the 1955 Dodge which has a V8 engine, a 3 speed automatic transmission and a wheelbase of 120 inches." } ] }, { "tripleset": [ [ "1955 Dodge", "RELATED_MEAN_OF_TRANSPORTATION", "DeSoto Custom" ], [ "DeSoto Custom", "RELATED_MEAN_OF_TRANSPORTATION", "Chrysler Newport" ], [ "DeSoto Custom", "SUCCESSOR", "DeSoto Firedome" ], [ "DeSoto Custom", "MANUFACTURER", "DeSoto (automobile)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The 1955 Dodge, the Chrysler Newport and the DeSoto Custom are related means of transportation. DeSoto are the manufacturers of the DeSoto Custom, the successor of which, is the DeSoto Firedome." }, { "source": "webnlg", "text": "The 1955 Dodge is related to the Chrysler Newport and the DeSoto Custom which was made by DeSoto and succeeded by the DeSoto Firedome." }, { "source": "webnlg", "text": "The 1955 Dodge is related to the Chrysler Newport and the DeSoto Custom. The DeSoto Firedome succeeded the Desoto Custom which is manufactured by DeSoto ." } ] }, { "tripleset": [ [ "AIDA Cruises", "LOCATION", "Rostock" ], [ "AIDAstella", "OPERATOR", "AIDA Cruises" ], [ "AIDAstella", "BUILDER", "Meyer Werft" ], [ "AIDAstella", "OWNER", "Costa Crociere" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The ship AIDAstella is operated by Rostock based AIDA Cruises. It was built by Meyer Werft and is owned by Costa Crociere." }, { "source": "webnlg", "text": "Located at Rostock, AIDA Cruises operate AIDAstella ship which was built by Meyer Werft and owned by Costa Crociere." }, { "source": "webnlg", "text": "The AIDAstella was built by Meyer Werft . It is owned by Costa Crociere and operated by AIDA Cruise Line based in Rostock." } ] }, { "tripleset": [ [ "AIDAstella", "OPERATOR", "AIDA Cruises" ], [ "AIDAstella", "LENGTH", "253260.0 (millimetres)" ], [ "AIDAstella", "BUILDER", "Meyer Werft" ], [ "AIDAstella", "OWNER", "Costa Crociere" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Costa Crociere is the owner of the AIDAstella which is 25326.0 millimetres long. It was built by Meyer Werft and operated by AIDA Cruise Line." }, { "source": "webnlg", "text": "AIDAstella is 253260.0 millimetres long and was built by Meyer Werft. It is owned by Costa Crociere and operated by AIDA Cruises." }, { "source": "webnlg", "text": "The AIDAstella was built by Meyer Werft and is 253260.0 millimetres in length. It is owned by Costa Crociere and operated by AIDA cruises." } ] }, { "tripleset": [ [ "ALCO RS-3", "BUILDER", "American Locomotive Company" ], [ "ALCO RS-3", "BUILD_DATE", "\"May 1950 - August 1956\"" ], [ "ALCO RS-3", "ENGINE", "V12 engine" ], [ "ALCO RS-3", "POWER_TYPE", "Diesel-electric transmission" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The ALCO RS-3 was produced and built by the American Locomotive Company between May 1950 and August 1956. It has a V12 engine and a diesel-electric transmission." }, { "source": "webnlg", "text": "The ALCO RS-3, built by the American Locomotive Company, has a diesel-electric, V12 engine and was produced from May 1950 to August 1956." }, { "source": "webnlg", "text": "The American Locomotive Company produced the ALCO RS-3 between May 1950 and August 1956. It has a V12 engine and a diesel-electric transmission." } ] }, { "tripleset": [ [ "ALCO RS-3", "BUILDER", "American Locomotive Company" ], [ "ALCO RS-3", "LENGTH", "17068.8 (millimetres)" ], [ "ALCO RS-3", "ENGINE", "V12 engine" ], [ "ALCO RS-3", "BUILD_DATE", "\"May 1950 - August 1956\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The American Locomotive Company built the ALCO RS-3 and it was produced between May 1950 and August 1956. It's length is 17068.8 millimetres and it has a V12 engine." }, { "source": "webnlg", "text": "The ALCO RS-3 has a V12 engine and a length of 17068.8 millimetres. It was produced between May 1950 and August 1956 by the American Locomotive Company." }, { "source": "webnlg", "text": "The ALCO RS-3 which was built by the American Locomotive Company, was produced between May 1950 and August 1956. It has a V12 engine and is 17068.8 (millimetres) in length." } ] }, { "tripleset": [ [ "ALCO RS-3", "BUILDER", "American Locomotive Company" ], [ "ALCO RS-3", "LENGTH", "17068.8 (millimetres)" ], [ "American Locomotive Company", "LOCATION_COUNTRY", "United States" ], [ "American Locomotive Company", "FOUNDATION_PLACE", "Schenectady, New York" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The American Locomotive Co. was founded in Schenectady, New York and is located in the US. It built the ALCO RS-3 which is 17068.8 mms in length." }, { "source": "webnlg", "text": "The ALCO RS-3 was made in the U.S. in Schenectady, N.Y. by the American Locomotive Co. The ALCO RS-3 is 17068.8 millimetres long." }, { "source": "webnlg", "text": "The ALCO RS-3 whose length is 17068.8mm, was built by the American Locomotive Company in Schenectady, New York, US." } ] }, { "tripleset": [ [ "ALCO RS-3", "BUILDER", "Montreal Locomotive Works" ], [ "ALCO RS-3", "BUILD_DATE", "\"May 1950 - August 1956\"" ], [ "ALCO RS-3", "ENGINE", "V12 engine" ], [ "ALCO RS-3", "POWER_TYPE", "Diesel-electric transmission" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Montreal Locomotive Works built the ALCO RS-3 between May 1950 and Aug. 1956. It has a V12 engine and Diesel-Electric transmission." }, { "source": "webnlg", "text": "The ALCO RS-3 was built by the Montreal Locomotive Works and produced between May 1950 and August 1956. It has a V12 engine and a diesel-electric transmission." }, { "source": "webnlg", "text": "The ALCO RS-3 which was produced between May 1950 and August 1956, was built by the Montreal Locomotive Works. It has a diesel-electric transmission and a V12 engine." } ] }, { "tripleset": [ [ "ALCO RS-3", "BUILDER", "Montreal Locomotive Works" ], [ "ALCO RS-3", "CYLINDER_COUNT", "12" ], [ "ALCO RS-3", "BUILD_DATE", "\"May 1950 - August 1956\"" ], [ "ALCO RS-3", "ENGINE", "Four-stroke engine" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The ALCO RS-3 has 12 cylinders and a four-stroke engine. It was produced by the Montreal Locomotive Works between May 1950 and August 1956." }, { "source": "webnlg", "text": "The ALCO RS-3 was built by the Montreal Locomotive Works and produced between May 1950 and August 1956. It has 12 cylinders and a four-stroke engine." }, { "source": "webnlg", "text": "The ALCO RS-3 has 12 cylinders and a four-stroke engine. It was built between May 1950 and August 1956 by Montreal Locomotive Works." } ] }, { "tripleset": [ [ "AMC Matador", "ALTERNATIVE_NAME", "\"American Motors Matador\"" ], [ "AMC Matador", "ASSEMBLY", "Mexico City" ], [ "AMC Matador", "BODY_STYLE", "Station wagon" ], [ "AMC Matador", "ENGINE", "AMC V8 engine" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The AMC Matador is also known as American Motors Matador and is assembled in Mexico City. It has a station wagon style body and an AMC V8 engine." }, { "source": "webnlg", "text": "The AMC Matador which is assembled in Mexico City is also known as the American Motors Matador. It is in the style of a station wagon and has an AMC V8 engine." }, { "source": "webnlg", "text": "Made in Mexico City, the AMC Matador has an AMC V8 engine and a station wagon body style. It is also referred to as the American Motors Matador." } ] }, { "tripleset": [ [ "AMC Matador", "ALTERNATIVE_NAME", "\"VAM Classic\"" ], [ "AMC Matador", "ASSEMBLY", "Kenosha, Wisconsin" ], [ "AMC Matador", "CLASS", "Mid-size car" ], [ "AMC Matador", "ENGINE", "AMC straight-6 engine" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The mid-size AMC Matador, or VAM Classic, has an AMC straight-6 engine and is assembled in Kenosha, Wisconsin." }, { "source": "webnlg", "text": "The AMC Matador (alternative name, VAM Classic) was assembled in Kenosha, Wisconsin. It is classed as a mid-size car and it has an AMC straight-6 engine." }, { "source": "webnlg", "text": "The AMC Matador which is also known as the VAM Classic was assembled in Kenosha, Wisconsin. It is classed as a mid-size car and has an AMC straight-6 engine." } ] }, { "tripleset": [ [ "Acura TLX", "ASSEMBLY", "Marysville, Ohio" ], [ "Acura TLX", "CLASS", "Mid-size car" ], [ "Acura TLX", "LAYOUT", "\"front-wheel drive / all-wheel drive\"" ], [ "Acura TLX", "ENGINE", "Honda K engine" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The mid-size Acura TLX car was assembled in Marysville Ohio with a front-wheel/all-wheel drive and a Honda K engine." }, { "source": "webnlg", "text": "The Acura TLX is classed as a mid-size car, with a Honda K engine and front-wheel and all-wheel drive. It is assembled in Marysville, Ohio." }, { "source": "webnlg", "text": "The Acura TLX is a mid-size car which was assembled in Marysville, Ohio. It has front-wheel and all-wheel drive and a Honda K engine." } ] }, { "tripleset": [ [ "Acura TLX", "ASSEMBLY", "Marysville Auto Plant" ], [ "Acura TLX", "ENGINE", "V6 engine" ], [ "Acura TLX", "LAYOUT", "Front-engine design" ], [ "Acura TLX", "CLASS", "Luxury vehicle" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Acura TLX is a luxury class of vehicle with a V6 front engine design. It is made at the Marysville Auto Plant." }, { "source": "webnlg", "text": "The Acura TLX is a luxury vehicle with a V6 front engine design. It is assembled at the Marysville Auto Plant." }, { "source": "webnlg", "text": "The Acura TLX is a luxury class of vehicle made at the Marysville Auto Plant with a V6 engine and a front engine design." } ] }, { "tripleset": [ [ "Aleksey Chirikov (icebreaker)", "BUILDER", "Finland" ], [ "Aleksey Chirikov (icebreaker)", "SHIP_BEAM", "21.2" ], [ "Aleksey Chirikov (icebreaker)", "STATUS", "\"In service\"" ], [ "Aleksey Chirikov (icebreaker)", "BUILDER", "Arctech Helsinki Shipyard" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The in service icebreaker Aleksey Chirikov was built at the Arctech Helsinki Shipyard. in Finland. It has a ship beam of 21.2 m." }, { "source": "webnlg", "text": "The Finnish built Aleksey Chirikov is an icebreaker and currently in service. It was built by the Archtech Helsinki Shipyard and has a ship beam of 21.2m." }, { "source": "webnlg", "text": "Arctech Helsinki Shipyard built the icebreaker Aleksey Chirikov in Finland. It has a 21.2 m long shipbeam and is in service." } ] }, { "tripleset": [ [ "Aleksey Chirikov (icebreaker)", "BUILDER", "Finland" ], [ "Finland", "DEMONYM", "Finns" ], [ "Finland", "LEADER_NAME", "Juha Sipil\u00e4" ], [ "Aleksey Chirikov (icebreaker)", "BUILDER", "Helsinki" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The icebreaker ship Aleksey Chirikov was built in Helsinki, Finland. Juha Sipila is the leader of Finland and the people of Finland who are known as Finns." }, { "source": "webnlg", "text": "The icebreaker Aleksey Chirikov was built in Helsinki, Finland. Finland is led by Juha Sipila and the demonym is Finns." }, { "source": "webnlg", "text": "The natives of Finland are known as Finns and are led by Juha Sipila. The icebreaker Aleksey Chirikov was built in the country at Helsinki." } ] }, { "tripleset": [ [ "Aleksey Chirikov (icebreaker)", "SHIP_BEAM", "21.2" ], [ "Aleksey Chirikov (icebreaker)", "STATUS", "\"In service\"" ], [ "Aleksey Chirikov (icebreaker)", "BUILDER", "Helsinki" ], [ "Aleksey Chirikov (icebreaker)", "BUILDER", "Arctech Helsinki Shipyard" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The icebreaker Aleksey Chirikov was built at the Arctech Helsinki Shipyard in Helsinki. The Aleksey Chirikov (icebreaker) is in service and its ship beam is 21.2." }, { "source": "webnlg", "text": "The icebreaker Aleksey Chirikov was built in Helsinki by the Arctech Helsinki Shipyard It has a 21.2 m long shipbeam and is in service." } ] }, { "tripleset": [ [ "Alfa Romeo 164", "ASSEMBLY", "Italy" ], [ "Alfa Romeo 164", "RELATED_MEAN_OF_TRANSPORTATION", "Saab 9000" ], [ "Alfa Romeo 164", "ENGINE", "Straight-four engine" ], [ "Alfa Romeo 164", "RELATED_MEAN_OF_TRANSPORTATION", "Lancia Thema" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Alfa Romeo 164, which is assembled in Italy and similar to the Saab 9000 and the Lancia Thema, has a straight-four engine." }, { "source": "webnlg", "text": "The Alfa Romeo 164 is related to the Lancia Thema and the to the Saab 9000 and in that they are both cars. The Alfa Romeo 164 has a Straight four engine and was assembled in Italy." }, { "source": "webnlg", "text": "The Alfa Romeo 164, assembled in Italy, has a straight four engine and is relative to the Saab 9000 and Lancia Thema." } ] }, { "tripleset": [ [ "Alfa Romeo 164", "RELATED_MEAN_OF_TRANSPORTATION", "Fiat Croma" ], [ "Alfa Romeo 164", "ASSEMBLY", "Italy" ], [ "Alfa Romeo 164", "RELATED_MEAN_OF_TRANSPORTATION", "Saab 9000" ], [ "Alfa Romeo 164", "ENGINE", "V6 engine" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Alfa Romeo 164, assembled in Italy, has a V6 engine. It is a related mode of transportation with the Saab 9000 and the Fiat Croma." }, { "source": "webnlg", "text": "The Fiat Croma, Saab 9000 and Alfa Romeo 164 are all cars and therefore are related forms of transportation. The Alfa Romeo 164, has a V6 engine and its assembly line is in Italy." }, { "source": "webnlg", "text": "The Alfa Romeo 164 is similar to the Saab 9000 and related to the Fiat Croma. The Alfa Romeo 164's assembly line is in Italy and it has a V6 engine." } ] }, { "tripleset": [ [ "Alhambra", "SHIP_BEAM", "8.3 m" ], [ "Alhambra", "LENGTH", "63800.0 (millimetres)" ], [ "Alhambra", "SHIP_LAUNCH", "1855-05-31" ], [ "Alhambra", "STATUS", "\"Wrecked\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Alhambra is 63800.0 millimetres long and its ship beam is 8.3m. It was launched on 1855-05-31and had wrecked." }, { "source": "webnlg", "text": "The Alhambra has a ship beam of 8.3m and is 63800.0 millimetres long. It was launched on 1855-05-31 and had wrecked." }, { "source": "webnlg", "text": "The Alhambra, which was wrecked, was launched on 31 May 1855 with a ship beam of 8.3 metres and a length of 63800.0 millimetres." } ] }, { "tripleset": [ [ "Alvis Speed 25", "MANUFACTURER", "Alvis Car and Engineering Company" ], [ "Alvis Car and Engineering Company", "FOUNDATION_PLACE", "Coventry" ], [ "Alvis Speed 25", "ENGINE", "\"Petrol\"" ], [ "Alvis Car and Engineering Company", "SUCCESSOR", "Rover Company" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Alvis Car and Engineering Company was founded in Coventry and was succeeded by the Rover Company. The Alvis Speed 25 has a petrol engine and was manufactured by the Alvis Car and Engineering Company." }, { "source": "webnlg", "text": "The Alvis Speed 25, which has a petrol engine, was manufactured by the Alvis Car and Engineering Company. The company was founded in Coventry and succeeded by the Rover Co.." }, { "source": "webnlg", "text": "Alvis Speed 25, with its petrol engine, was made by the Alvis Car and Engineering Company found in Coventry. The Rover Co. succeeded that car company." } ] }, { "tripleset": [ [ "Alvis Speed 25", "MANUFACTURER", "Alvis Car and Engineering Company" ], [ "Alvis Car and Engineering Company", "FOUNDATION_PLACE", "Coventry" ], [ "Alvis Speed 25", "ENGINE", "Straight-six engine" ], [ "Alvis Car and Engineering Company", "SUCCESSOR", "Rover Company" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Alvis Speed 25 has a straight-six engine and was manufactured by the Alvis Car and Engineering Company that was founded in Coventry and succeeded by the Rover Company." }, { "source": "webnlg", "text": "The Alvis Speed 25, with its straight-six engine, was made by Coventry area, Alvis Car and Engineering Company, which was succeeded by the Rover Company." }, { "source": "webnlg", "text": "The Alvis Speed 25 was manufactured by the Alvis Car and Engineering Company which was founded in Coventry and succeeded by The Rover Co. It has a straight-six engine." } ] }, { "tripleset": [ [ "American Motors", "SUCCESSOR", "Eagle (automobile)" ], [ "AMC Matador", "MANUFACTURER", "American Motors" ], [ "American Motors", "FATE", "Chrysler" ], [ "American Motors", "KEY_PERSON", "Roy D. Chapin, Jr." ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "American motors was acquired by Chrysler. It was succeed by Eagle, and manufactures AMC Matador." }, { "source": "webnlg", "text": "American Motors was succeeded by Eagle and acquired by Chrysler, it includes figure Roy D. Chapin Jr. The AMC Matador is made by American Motors." }, { "source": "webnlg", "text": "Eagle succeeded American Motors, who manufacture the AMC Matador, were acquired by Chrysler and have Roy D Chapin Jr as a keyperson." } ] }, { "tripleset": [ [ "American submarine NR-1", "SHIP_BEAM", "3.8 m" ], [ "American submarine NR-1", "SHIP_LAUNCH", "1969-01-25" ], [ "American submarine NR-1", "TOP_SPEED", "8.334" ], [ "American submarine NR-1", "BUILDER", "General Dynamics Electric Boat" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The American submarine NR-1 was built by General Dynamics Electric Boat and launched on 25 January 1969. It has a beam of 3.8 metres and a top speed of 8.334." }, { "source": "webnlg", "text": "General Dynamics Electric Boat is the builder of the American submarine NR-1 and it was launched on January 25th 1969. It's top speed is 8.334 and it has a ship beam of 3.8 m." }, { "source": "webnlg", "text": "The American Submarine NR-1, built by General Dynamics Electric Boat, has a top speed of 8.334. It was launched January 25, 1969 and has a 3.8m ship beam." } ] }, { "tripleset": [ [ "American submarine NR-1", "SHIP_LAUNCH", "1969-01-25" ], [ "American submarine NR-1", "TOP_SPEED", "8.334" ], [ "American submarine NR-1", "LENGTH", "45000.0 (millimetres)" ], [ "American submarine NR-1", "SHIP_BEAM", "3.8 m" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The American submarine NR-1 was launched on The 25th of January 1969. It has a top speed of 8.334 km/h, a ship beam of 3.8 m., and is 45000.0 (millimetres) long." }, { "source": "webnlg", "text": "The American submarine NR-1, which was launched on The 25th of January 1969, has a top speed of 9.334 km/hr, a ship beam of 3.8m and a length of 45000.0 mms." }, { "source": "webnlg", "text": "The American sub NR-1 was launched on January 25, 1969 and it's top speed is 8.344. It is 45000.0 millimetres long and has a ship beam of 3.8 m." } ] }, { "tripleset": [ [ "Antares (rocket)", "MANUFACTURER", "Yuzhnoye Design Office" ], [ "Antares (rocket)", "FINAL_FLIGHT", "2014-10-28" ], [ "Antares (rocket)", "MAIDEN_FLIGHT", "2013-04-21" ], [ "Antares (rocket)", "LAUNCH_SITE", "Mid-Atlantic Regional Spaceport Launch Pad 0" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Antares rocket, made by Yuzhnoye Design Office, had its initial flight April 21, 2013 and final flight on 10/28/2014. It was launched at Mid-Atlantic Regional Spaceport Launch Pad 0." }, { "source": "webnlg", "text": "The Antares rocket was made by the Yuzhnoye Design Office and launched from the Mid-Atlantic Regional Spaceport Launch Pad 0. It's maiden flight was on 21 April 2013 and the final flight on 28 October 2014." }, { "source": "webnlg", "text": "The Antares rocket made its first flight on April 21, 2013 and its final flight was on 2014-10-28. It is manufactured by the Yuzhnoye Design Office and it was launched from the Mid-Atlantic Regional Spaceport Launch Pad 0." } ] }, { "tripleset": [ [ "Antares (rocket)", "MANUFACTURER", "Yuzhnoye Design Office" ], [ "Antares (rocket)", "MAIDEN_FLIGHT", "2013-04-21" ], [ "Antares (rocket)", "LAUNCH_SITE", "Mid-Atlantic Regional Spaceport Launch Pad 0" ], [ "Antares (rocket)", "FINAL_FLIGHT", "2013-09-18" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Antares rocket is manufactured at the Yuzhnoye Design Office and launched from the Mid-Atlantic Regional Spaceport Launch Pad 0. The maiden flight took place on 21 April 2013 and the final flight on 18 September 2013." } ] }, { "tripleset": [ [ "Aston Martin V8", "ASSEMBLY", "United Kingdom" ], [ "United Kingdom", "CAPITAL", "London" ], [ "Aston Martin V8", "SUCCESSOR", "Aston Martin Virage" ], [ "Aston Martin Virage", "MANUFACTURER", "Aston Martin" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Aston Martin V8 was assembled in the UK,whose capital is London.It was succeeded by the Aston Martin Virage." }, { "source": "webnlg", "text": "Aston Martin V8 was made by Aston Martin in the UK whose capital is London. The Martin was succeeded by the Aston Martin Virage." }, { "source": "webnlg", "text": "The Aston Martin V8 is assembled in the U.K which has the capital city of London. It was succeeded by the Aston Martin Virage which was made by the company Aston Martin." } ] }, { "tripleset": [ [ "Aston Martin V8", "RELATED_MEAN_OF_TRANSPORTATION", "Aston Martin DBS" ], [ "Aston Martin V8", "ENGINE", "5.3 (litres)" ], [ "Aston Martin V8", "ASSEMBLY", "United Kingdom" ], [ "Aston Martin V8", "RELATED_MEAN_OF_TRANSPORTATION", "Aston Martin RHAM/1" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Aston Martin V8 is related to the Aston Martin DBS and the Aston Martin RHAM/1. The Aston Martin V8 has a 5.3 litre engine and is assembled in the United Kingdom." }, { "source": "webnlg", "text": "The Aston Martin RHAM/1, Aston Martin V8 and Aston Martin DBS are a related means of transport. It is assembled in the United Kingdom and has a 5.3 litre engine." }, { "source": "webnlg", "text": "The Aston Martin RHAM/1, Aston Martin V8 and Aston Martin DBS are a related means of transport. The Aston Martin V8 is assembled in the U.K. and the engine volume is 5.3 litres." } ] }, { "tripleset": [ [ "Aston Martin V8", "RELATED_MEAN_OF_TRANSPORTATION", "Aston Martin DBS" ], [ "Aston Martin V8", "ENGINE", "5.3 (litres)" ], [ "Aston Martin V8", "SUCCESSOR", "Aston Martin Virage" ], [ "Aston Martin Virage", "MANUFACTURER", "Aston Martin" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Aston Martin Virage, which has a 5.3 litre engine is made by Aston Martin and succeeded the Aston Martin V8. It is a related means of transport to the Aston Martin DBS." }, { "source": "webnlg", "text": "The Aston Martin V8, manufactured by Aston Martin, has a 5.3 litre engine and was succeeded by the Aston Martin Virage. The Aston Martin V8 and Aston Martin DBS are a related means of transport." }, { "source": "webnlg", "text": "The Aston Martin DBS and Aston Martin V8 are a related means of transport. The latter car has an engine volume of 5.3 litres and was succeeded by the Aston Martin Virage made by the Aston Martin company." } ] }, { "tripleset": [ [ "Atlas II", "DIAMETER", "3.04 m" ], [ "Atlas II", "FINAL_FLIGHT", "2002-12-05" ], [ "Atlas II", "LAUNCH_SITE", "Vandenberg Air Force Base" ], [ "Atlas II", "LAUNCH_SITE", "Cape Canaveral Air Force Station" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Atlas II was launched from Vandenberg Air Force Base and the Cape Canaveral Air Force Station. It is 2.04 m in diameter and made its final flight on 5 December 2002." }, { "source": "webnlg", "text": "The Atlas II, which is 3.04m in diameter, has been launched from Cape Canaveral Air Force Station and Vandenberg Air Force Base. Its final flight was December 5, 2002." }, { "source": "webnlg", "text": "Atlas II was launched from Vandenberg Air Force Base at the Cape Canaveral Air Force Station. It has a diameter of 3.04m and it's final flight of the Atlas II was on 2002-12-05." } ] }, { "tripleset": [ [ "Audi A1", "CLASS", "Supermini" ], [ "Audi A1", "ENGINE", "1.2 (litres)" ], [ "Audi A1", "LAYOUT", "Front-engine, front-wheel-drive layout" ], [ "Audi A1", "ASSEMBLY", "Audi Brussels" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Classed as a supermini, the Audi A1 (assembled at Audi Brussels), has a 1.2 litre front-engine with front-wheel-drive." }, { "source": "webnlg", "text": "Audi A1 belongs to the supermini class and is assembled at Audi Brussels. It has a 1.2 litre engine and a front engine, front-wheel drive layout ." }, { "source": "webnlg", "text": "The Audi A1 is assembled at Audi Brussels and is classed as a super mini. It has a 1.2 litre engine and a front engine, front-wheel drive layout." } ] }, { "tripleset": [ [ "Audi A1", "MANUFACTURER", "Audi" ], [ "Audi", "FOUNDED_BY", "August Horch" ], [ "Audi", "DIVISION", "Audi e-tron" ], [ "Audi", "SUBSIDIARY", "Ducati" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Audi, owned by Ducati, was founded by August Horch and includes Audi e-tron. It makes the Audi A1." }, { "source": "webnlg", "text": "August Horch founded Audi, which makes the Audi A1. Audi e-tron is a division of Audi and the company Ducati is owned by them." }, { "source": "webnlg", "text": "August Horch founded the Audi company who make the Audi A1. The company own Ducati and have a sub-division known as Audi e-tron." } ] }, { "tripleset": [ [ "Caterpillar Inc.", "LOCATION", "Illinois" ], [ "Caterpillar Inc.", "FOUNDATION_PLACE", "California" ], [ "AIDAluna", "OWNER", "AIDA Cruises" ], [ "AIDAluna", "POWER_TYPE", "Caterpillar Inc." ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Caterpillar Inc. was founded in California and located in Illinois.AIDA Cruises is the owner of the AIDAluna which is powered by Caterpillar Inc." }, { "source": "webnlg", "text": "Caterpillar Inc was founded in California and is located in Illinois. It powers the AIDAluna which is owned by AIDA Cruises." }, { "source": "webnlg", "text": "Caterpillar Inc was founded in California and is located in Illinois. AIDAluna, owned by AIDA Cruises, is powered by Caterpillar Inc." } ] }, { "tripleset": [ [ "Costa Crociere", "LOCATION", "Genoa" ], [ "AIDAstella", "OPERATOR", "AIDA Cruises" ], [ "AIDAstella", "BUILDER", "Meyer Werft" ], [ "AIDAstella", "OWNER", "Costa Crociere" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Costa Crociere, located in Genoa, is the owner of AIDAstella which was built by Meyer Werft is operated by AIDAstella cruises." }, { "source": "webnlg", "text": "The AIDAstella was built by Meyer Werft and is operated by AIDA Cruise Line. The AIDAstella is owned by Costa Crociere, who are located in Genoa." }, { "source": "webnlg", "text": "The AIDAstella, owned by Costa Crociere (Genoa) and built by Meyer Werft, is operated by AIDA Cruises." } ] }, { "tripleset": [ [ "Delta II", "LAUNCH_SITE", "Cape Canaveral Air Force Station" ], [ "Antares (rocket)", "COMPARABLE", "Delta II" ], [ "Delta II", "COUNTRY_ORIGIN", "United States" ], [ "Antares (rocket)", "LAUNCH_SITE", "Mid-Atlantic Regional Spaceport Launch Pad 0" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Delta II is from the United States and was launched at Cape Canaveral Air Force Station. It is comparable to the rocket Antares which launched from the Mid-Atlantic Regional Spaceport Launch Pad 0." }, { "source": "webnlg", "text": "The Delta II originated in the United States and launched from the Cape Canaveral Air Force Station. It is similar to the Antares rocket which launched from the Mid-Atlantic Regional Spaceport Launch Pad 0." }, { "source": "webnlg", "text": "The Antares rocket, whose launch site was the Mid-Atlantic Regional Spaceport Launch Pad 0, is similar to the the Delta II, which originated in the United States and was launched at Cape Canaveral Air Force Station." } ] }, { "tripleset": [ [ "Delta II", "LAUNCH_SITE", "Vandenberg AFB Space Launch Complex 2" ], [ "Delta II", "LAUNCH_SITE", "Cape Canaveral Air Force Station" ], [ "Antares (rocket)", "COMPARABLE", "Delta II" ], [ "Delta II", "COUNTRY_ORIGIN", "United States" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The launch site of the Delta II was at the Vandenberg AFB Space Launch Complex 2, based at Cape Canaveral Air Force Station. The Antares rocket is comparable to Delta 11 which originated in the US&gt;." }, { "source": "webnlg", "text": "Launched at Cape Canaveral Air Force Station and the Vandenberg AFB Space Launch Complex 2 was the Delta II US rocket. The Antares rocket is similar to the Delta." }, { "source": "webnlg", "text": "The Delta II, from the United States, was launched at Cape Canaveral Air Force Station, Vandenberg AFB Space Launch Complex 2. It is similar to the Antares rocket." } ] }, { "tripleset": [ [ "Fiat Croma", "RELATED_MEAN_OF_TRANSPORTATION", "Opel Vectra" ], [ "Alfa Romeo 164", "ASSEMBLY", "Italy" ], [ "Alfa Romeo 164", "RELATED_MEAN_OF_TRANSPORTATION", "Fiat Croma" ], [ "Alfa Romeo 164", "BODY_STYLE", "Sedan (automobile)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Alfa Romeo 164 is assembled in Italy and has a sedan body style. It is a related means of transportation to the Fiat Croma and Opel Vectra." }, { "source": "webnlg", "text": "The Alfa Romeo 164 is a sedan that is assembled in Italy. It is a similar means of transport to the Fiat Croma and also related to the Opel Vectra." }, { "source": "webnlg", "text": "The Alfa Romeo sedan 164 is made in Italy and related to the Fiat Croma which is related to the Opel Vectra." } ] }, { "tripleset": [ [ "Fiat Croma", "RELATED_MEAN_OF_TRANSPORTATION", "Opel Vectra" ], [ "Alfa Romeo 164", "RELATED_MEAN_OF_TRANSPORTATION", "Fiat Croma" ], [ "Alfa Romeo 164", "ASSEMBLY", "Milan" ], [ "Alfa Romeo 164", "BODY_STYLE", "Sedan (automobile)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Alfa Romeo 164, Fiat Croma and Opel Vectra are related forms of transportation. The body style of the Alfa Romeo 164 is Sedan and it's assembly line is in Milan." }, { "source": "webnlg", "text": "The Alfa Romeo 164, Opel Vectra and Fiat Croma are similar means of transport. The Alfa Romeo 164 is a sedan which was assembled in Milan." }, { "source": "webnlg", "text": "The Alfa Romeo 164 is assembled in Milan and has a sedan type body. It is a related and similar means of transport to the Fiat Croma and the Opel Vectra." } ] }, { "tripleset": [ [ "General Dynamics Electric Boat", "PARENT_COMPANY", "General Dynamics" ], [ "American submarine NR-1", "SHIP_BEAM", "3.8 m" ], [ "American submarine NR-1", "BUILDER", "General Dynamics Electric Boat" ], [ "General Dynamics Electric Boat", "LOCATION_CITY", "Groton, Connecticut" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The American Submarine NR-1 has a ship beam of 3.8 m and was built by General Dynamics Electric Boat. General Dynamics is the parent company of the General Dynamics Electric Boat Co which is located in the city of Groton, Connecticut." }, { "source": "webnlg", "text": "General Dynamics is the parent company of the General Dynamics Electric Boat Co. out of Groton, CT. The GD Electric Boat Co built the American sub called NR-1 which has a 3.8 m beam." }, { "source": "webnlg", "text": "General Dynamics is the parent company of General Dynamics Electric Boat who are located in the city of Groton, Connecticut and built the American submarine NR-1 with a ship beam of 3.8 m." } ] }, { "tripleset": [ [ "Germany", "LEADER_NAME", "Stanislaw Tillich" ], [ "Neptun Werft", "LOCATION_CITY", "Rostock" ], [ "Rostock", "COUNTRY", "Germany" ], [ "A-Rosa Luna", "BUILDER", "Neptun Werft" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Stanislaw Tillich is a leader of Germany where Rostock is located. The city is the location of Neptun Werft who built the A-Rosa Luna." }, { "source": "webnlg", "text": "Neptun Werft built the A-Rosa Luna at Rostock Germany where Stanislaw Tillich is leader." }, { "source": "webnlg", "text": "The builder of the A-Rosa, is Neptun Werft which is located in Rostock, Germany, where the leader is Stanislaw Tillich." } ] }, { "tripleset": [ [ "United States", "CAPITAL", "Washington, D.C." ], [ "United States", "LANGUAGE", "English language" ], [ "Atlas II", "COUNTRY_ORIGIN", "United States" ], [ "United States", "ETHNIC_GROUP", "African Americans" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Atlas II originates from the United States which uses the English language. The country's capital is Washington DC and counts African Americans among its ethnic groups." }, { "source": "webnlg", "text": "The Atlas II is from the United States, where African Americans are among the ethnic groups. Washington D.C. is the capital city of the United States and English is spoken there." }, { "source": "webnlg", "text": "The Atlas II is from the United States which has the capital city of Washington DC. The country uses the English language and has African Americans as one of its ethnic groups." } ] }, { "tripleset": [ [ "United States", "DEMONYM", "Americans" ], [ "United States", "CAPITAL", "Washington, D.C." ], [ "Atlas II", "COUNTRY_ORIGIN", "United States" ], [ "United States", "ETHNIC_GROUP", "African Americans" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Atlas II is from the United States, where one of the ethnic groups is African Americans. Washington D.C. is the capital of the United States and the inhabitants are called Americans." }, { "source": "webnlg", "text": "Americans live in the U.S. whose capital is Washington, D.C. and an ethnic group there is known as African Americans. The Atlas II comes from the U.S." }, { "source": "webnlg", "text": "Americans live in the United States which has the capital city of Washington DC and numbers African Americans among its ethnic groups. The Atlas II originates from the country." } ] }, { "tripleset": [ [ "Aaron Bertram", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Kids Imagine Nation" ], [ "Aaron Bertram", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Suburban Legends" ], [ "Suburban Legends", "BAND_MEMBER", "Brian Robertson (trombonist)" ], [ "Aaron Bertram", "GENRE", "Ska punk" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Aaron Bertram performs ska punk music and is an artist with the band Kids Imagine Nation and also the Suburban Legends band where Brian Robertson is the trombonist." }, { "source": "webnlg", "text": "Aaron Bertram plays for the Kids Imagine Nation band and his musical genre is Ska punk. He also plays for the Suburban Legends band in which Brian Robertson plays the trombone." }, { "source": "webnlg", "text": "Aaron Bertram plays for the Kids Imagine Nation band, as well as the Ska Suburban Legends band where trombonist Brian Robertson plays." } ] }, { "tripleset": [ [ "Aaron Deer", "BACKGROUND", "\"solo singer\"" ], [ "Aaron Deer", "GENRE", "Psychedelia" ], [ "Aaron Deer", "ORIGIN", "Indianapolis" ], [ "Aaron Deer", "ORIGIN", "Indiana" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Psychedelia solo singer Aaron Deer is from Indianapolis, Indiana." }, { "source": "webnlg", "text": "Coming from Indianapolis, Indiana, Aaron Deer, has a background as a solo singer and performs Psychedelia music." }, { "source": "webnlg", "text": "Solo singerAaron Deer, performs Psychedelia music and is from Indianapolis, Indiana." } ] }, { "tripleset": [ [ "Aaron Turner", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Isis (band)" ], [ "Aaron Turner", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Sumac (band)" ], [ "Aaron Turner", "GENRE", "Electroacoustic music" ], [ "Aaron Turner", "INSTRUMENT", "Singing" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Electroacoustic singer Aaron Turner is associated with the bands Sumac and Isis." }, { "source": "webnlg", "text": "Aaron Turner, a singer who performs electroacoustic music, is with the band Isis and has performed with the group Sumac." }, { "source": "webnlg", "text": "Singer Aaron Turner plays electro-acoustic music and has played with the bands Isis and Sumac." } ] }, { "tripleset": [ [ "Aaron Turner", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Twilight (band)" ], [ "Aaron Turner", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Old Man Gloom" ], [ "Aaron Turner", "GENRE", "Post-metal" ], [ "Aaron Turner", "ACTIVE_YEARS_START_YEAR", "1995" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Aaron Turner started performing post-metal music in 1995. He played with Twilight and Old Man Gloom bands." }, { "source": "webnlg", "text": "Aaron Turner played with Twilight and Old Man Gloom bands.He started performing Post metal in 1995." }, { "source": "webnlg", "text": "Aaron Turner is post-metal musician who started performing in 1995. He has played with the bands Twilight and Old Man Gloom." } ] }, { "tripleset": [ [ "Aaron Turner", "GENRE", "Black metal" ], [ "Aaron Turner", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Sumac (band)" ], [ "Aaron Turner", "INSTRUMENT", "Electric guitar" ], [ "Black metal", "MUSIC_FUSION_GENRE", "Death metal" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Black metal musician Aaron Turner is a member of Sumac and plays Electric guitar. Death metal is a black metal fusion." }, { "source": "webnlg", "text": "Aaron Turner plays electric guitar and his genre is Black Metal music in which Death metal is a fusion. He performed with the band Sumac." }, { "source": "webnlg", "text": "Electric guitar player Aaron Turner is a Black metal musician who performed with the band Sumac. Death metal is a fusion of black metal music." } ] }, { "tripleset": [ [ "Ace Wilder", "BACKGROUND", "\"solo singer\"" ], [ "Ace Wilder", "DATE_OF_BIRTH", "1982" ], [ "Ace Wilder", "BIRTH_PLACE", "Stockholm" ], [ "Ace Wilder", "DATE_OF_BIRTH", "1982-07-23" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Ace Wilder was born July 23, 1982 in Stockholm and is a solo singer." }, { "source": "webnlg", "text": "Ace Wilder was born on July 23, 1982 in Stockholm. He is a solo singer." }, { "source": "webnlg", "text": "Singer Ace Wilder was born July 23, 1982 in Stockholm." } ] }, { "tripleset": [ [ "Ace Wilder", "BACKGROUND", "\"solo singer\"" ], [ "Ace Wilder", "DATE_OF_BIRTH", "1982" ], [ "Ace Wilder", "BIRTH_PLACE", "Sweden" ], [ "Ace Wilder", "DATE_OF_BIRTH", "1982-07-23" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Ace Wilder, born in Sweden on July 23, 1982 is a solo singer." }, { "source": "webnlg", "text": "Singer Ace Wilder was born July 23, 1982 in Sweden." }, { "source": "webnlg", "text": "Solo singer Ace Wilder was born in Sweden on 1982. His birthday is the 23rd July." } ] }, { "tripleset": [ [ "Ace Wilder", "BACKGROUND", "\"solo singer\"" ], [ "Ace Wilder", "DATE_OF_BIRTH", "1982" ], [ "Ace Wilder", "OCCUPATION", "Songwriter" ], [ "Ace Wilder", "BIRTH_PLACE", "Stockholm" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Songwriter and solo singer Ace Wilder was born in Stockholm in 1982." }, { "source": "webnlg", "text": "Solo singer Ace Wilder was born in Stockholm in 1982. He is also a songwriter." }, { "source": "webnlg", "text": "Songwriter, Ace Wilder, who has a background as a solo singer, was born in Stockholm, in 1982." } ] }, { "tripleset": [ [ "Ace Wilder", "BACKGROUND", "\"solo singer\"" ], [ "Ace Wilder", "DATE_OF_BIRTH", "1982" ], [ "Ace Wilder", "OCCUPATION", "Songwriter" ], [ "Ace Wilder", "BIRTH_PLACE", "Sweden" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The songwriter Ace Wilder was born in Sweden in 1982. He has a background as a solo singer." }, { "source": "webnlg", "text": "Born in 1982 in Sweden, Ace Wilder is a solo singer and songwriter." }, { "source": "webnlg", "text": "Ace Wilder was born in Sweden in 1982. He is a solo singer and songwriter." } ] }, { "tripleset": [ [ "Ahmet Ertegun", "GENRE", "Rhythm and blues" ], [ "Ahmet Ertegun", "ORIGIN", "Washington, D.C." ], [ "Ahmet Ertegun", "BACKGROUND", "\"non performing personnel\"" ], [ "Ahmet Ertegun", "ORIGIN", "United States" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Rhythm and blues performer Ahmet Ertegun was born in Washington D.C. He is considered non-performing personnel." }, { "source": "webnlg", "text": "Ahmet Ertegun originates from Washington D.C,United States.He started out as a non performing personnel in the rhythm and blues." }, { "source": "webnlg", "text": "Ahmet Ertegun from Washington, D.C., U.S. plays rhythm and blues music. His background is as a non-performing person." } ] }, { "tripleset": [ [ "Ahmet Ertegun", "GENRE", "Rock and roll" ], [ "Ahmet Ertegun", "ORIGIN", "United States" ], [ "Rock and roll", "STYLISTIC_ORIGIN", "Blues" ], [ "United States", "ETHNIC_GROUP", "African Americans" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "African Americans are an ethnic group in the U.S., the country Ahmet Ertegun was from. He played rock and roll music which stylistic origins come from Blues." }, { "source": "webnlg", "text": "Ahmet Ertegun is from the United States, where African Americans are an ethnic group. His genre is Rock and roll, which has its stylistic origin in the Blues." }, { "source": "webnlg", "text": "African Americans are an ethnic group in the United States, the country Ahmet Ertegun is from. He plays rock and roll music which has its stylistic origin in the Blues." } ] }, { "tripleset": [ [ "Albennie Jones", "ACTIVE_YEARS_END_YEAR", "1950" ], [ "Albennie Jones", "GENRE", "Rhythm and blues" ], [ "Rhythm and blues", "STYLISTIC_ORIGIN", "Blues" ], [ "Rhythm and blues", "DERIVATIVE", "Disco" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Albennie Jones, performed in the rhythm and blues genre and ended his career in 1950. Rhythm and blues originated from blues music and has disco as a derivative." }, { "source": "webnlg", "text": "Ending his career in 1950, Albennie Jones was a performer of rhythm and blues. This genre originated from the blues and has disco as a derivative." }, { "source": "webnlg", "text": "The musical genre of Albennie Jones is rhythm and blues and he started his career in 1950.Rhythm and blues music originated from the blues and disco is its derivative." } ] }, { "tripleset": [ [ "Albennie Jones", "GENRE", "Jazz" ], [ "Jazz", "STYLISTIC_ORIGIN", "Blues" ], [ "United States", "ETHNIC_GROUP", "African Americans" ], [ "Albennie Jones", "BIRTH_PLACE", "United States" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "African Americans are one of the ethnic groups in the United States, the country where Albennie Jones was born. Musician, Albennie Jones is a performer of Jazz, the genre which originated its style from Blues music." }, { "source": "webnlg", "text": "Albennie Jones performs jazz music which originated its style from Blues music. Albennie Jones was born in the U.S.A, where on of the ethnic groups, is African Americans." }, { "source": "webnlg", "text": "African Americans are an ethnic group in the U.S., the country where Albennie Jones was born. Albennie Jones is a Jazz musician, a music style that originates from the Blues." } ] }, { "tripleset": [ [ "Aleksandra Kova\u010d", "DATE_OF_BIRTH", "1972" ], [ "Aleksandra Kova\u010d", "GENRE", "Pop music" ], [ "Aleksandra Kova\u010d", "BIRTH_PLACE", "Belgrade" ], [ "Aleksandra Kova\u010d", "BACKGROUND", "\"solo singer\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Singer and pop musician Aleksandra Kovac was born 1972, in Belgrade." }, { "source": "webnlg", "text": "Pop musician and solo singer Aleksandra Kova\u010d was born 1972, in Belgrade." }, { "source": "webnlg", "text": "Aleksandra Kovac was born in Belgrade in 1972 and is a solo singer of pop music." } ] }, { "tripleset": [ [ "Aleksandra Kova\u010d", "GENRE", "Rhythm and blues" ], [ "Aleksandra Kova\u010d", "BACKGROUND", "\"solo singer\"" ], [ "Aleksandra Kova\u010d", "DATE_OF_BIRTH", "1972" ], [ "Aleksandra Kova\u010d", "BIRTH_PLACE", "Socialist Republic of Serbia" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Rhythm and blues singer Aleksandra Kovac was born 1972 in the Socialist Republic of Serbia." }, { "source": "webnlg", "text": "Born in the Socialist Republic of Serbia (1972), Aleksandra Kovac, a solo singer, is an exponent of Rhythm and blues." }, { "source": "webnlg", "text": "Aleksandra Kovac, who sang rhythm and blues, was born in the Socialist Republic of Serbia in 1972." } ] }, { "tripleset": [ [ "Alex Day", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Chameleon Circuit (band)" ], [ "Alex Day", "GENRE", "Acoustic music" ], [ "Alex Day", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Charlie McDonnell" ], [ "Alex Day", "ACTIVE_YEARS_START_YEAR", "2006" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alex Day plays acoustic music with the Chameleon Circuit band. He started actively in music in 2006 and is associated with Charlie McDonnell." }, { "source": "webnlg", "text": "Acoustic musician Alex Day began in 2006 and is associated with the Chameleon Circuit and Charlie McDonnell." }, { "source": "webnlg", "text": "Acoustic musician Alex Day plays with the bands Chameleon Circuit and the musician Charlie McDonnell. His active years in music began in 2006." } ] }, { "tripleset": [ [ "Alex Day", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Chameleon Circuit (band)" ], [ "Alex Day", "GENRE", "Electronic music" ], [ "Alex Day", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Charlie McDonnell" ], [ "Alex Day", "ACTIVE_YEARS_START_YEAR", "2006" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alex Day, who is associated with performer Charlie McDonnell, plays with the band Chameleon Circuit. He became active in 2006 and his speciality is electronic music." }, { "source": "webnlg", "text": "Alex Day performs electronic music and plays with the band Chameleon Circuit. His active musical years started in 2006 and he is associated with the musical artist, Charlie McDonnell." }, { "source": "webnlg", "text": "Chameleon Circuit member and Electronic musician Alex Day began in 2006 and is associated with artist Charlie McDonnell." } ] }, { "tripleset": [ [ "Alfred Garth Jones", "DEATH_PLACE", "London" ], [ "Alfred Garth Jones", "BIRTH_PLACE", "England" ], [ "Alfred Garth Jones", "BIRTH_PLACE", "Manchester" ], [ "Alfred Garth Jones", "DATE_OF_BIRTH", "1872" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alfred Garth Jones was born in Manchester, England in 1872 and died in London." }, { "source": "webnlg", "text": "Alfred Garth Jones was born in 1872 in Manchester, England and died in London." }, { "source": "webnlg", "text": "Alfred Garth Jones was born in 1872, in Manchester (England) and died in London." } ] }, { "tripleset": [ [ "Alfredo Zitarrosa", "DEATH_PLACE", "Montevideo" ], [ "Montevideo", "COUNTRY", "Uruguay" ], [ "Uruguay", "DEMONYM", "Uruguayans" ], [ "Montevideo", "LEADER_NAME", "Daniel Mart\u00ednez (politician)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alfredo Zitarrosa died in Montevideo, Uruguay where the natives are known as Uruguayans. The city's leader is Daniel Martinez." }, { "source": "webnlg", "text": "Alfredo Zitarrosa died in Montevideo, Uruguay. The city's leader is Daniel Martinez and the country's inhabitants are known as Uruguayans." }, { "source": "webnlg", "text": "Alfredo Zitarrosa died in Montevideo, Uruguay, where Daniel Martinez is a political leader. Uruguayans is a demonym for Uruguay." } ] }, { "tripleset": [ [ "Alfredo Zitarrosa", "RECORD_LABEL", "RCA Records" ], [ "Alfredo Zitarrosa", "BIRTH_PLACE", "Uruguay" ], [ "Alfredo Zitarrosa", "GENRE", "Candombe" ], [ "Alfredo Zitarrosa", "BACKGROUND", "\"solo singer\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alfredo Zitarrosa was born in Uruguay and has a background as a solo singer. His musical genre is Candombe and his record label is RCA Records." }, { "source": "webnlg", "text": "With a background as a solo singer, Uruguay born Alfredo Zitarrosa was signed to the RCA Records label and performed in the musical genre of Candombe." }, { "source": "webnlg", "text": "Alfredo Zitarrosa's birth place was Uruguay and has a recording label in RCA Records.He started out as a solo singer and plays Candombe musical genre." } ] }, { "tripleset": [ [ "Alison O'Donnell", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Bajik" ], [ "Alison O'Donnell", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Flibbertigibbet" ], [ "Alison O'Donnell", "GENRE", "Folk music" ], [ "Alison O'Donnell", "ACTIVE_YEARS_START_YEAR", "1963" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alison O'Donnell's career began 1963 and she performs folk music. She was a member of the Flibbertigibbet band and she is associated with Bajik." }, { "source": "webnlg", "text": "Folk musician, Alison O'Donnell; started performing in 1963, was with the band Bajik and was a member of the Flibbertigibbet band." }, { "source": "webnlg", "text": "Flibbertigibbet band member, Bajik associate and folk artist, Alison O'Donnell, became active in 1963." } ] }, { "tripleset": [ [ "Alison O'Donnell", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Mellow Candle" ], [ "Alison O'Donnell", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Head South By Weaving" ], [ "Alison O'Donnell", "GENRE", "Folk music" ], [ "Alison O'Donnell", "ACTIVE_YEARS_START_YEAR", "1963" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Folk musician Alison O'Donnell began in 1963 and is associated withHead South By Weaving and Mellow Candle." }, { "source": "webnlg", "text": "Alison O'Donnell began performing folk music in 1963. She's been associated with the bands Head South By Weaving and Mellow Candle." }, { "source": "webnlg", "text": "Folk musician Alison O'Donnell, who began her career in 1963, has played with the bands Mellow Candle and Head South By Weaving." } ] }, { "tripleset": [ [ "Alison O'Donnell", "GENRE", "Jazz" ], [ "Alison O'Donnell", "RECORD_LABEL", "Deram Records" ], [ "Deram Records", "LOCATION", "London" ], [ "Alison O'Donnell", "RECORD_LABEL", "Floating World Records" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "London Jazz musician Alison O'Donnell records with the Floating World Records label. She is signed to Deram Records." }, { "source": "webnlg", "text": "Alison O'Donnell is a jazz musician whose record label is the London-based Deram Records. She is signed to the record label \"Floating World Records.\"." }, { "source": "webnlg", "text": "Alison O'Donnell was once signed to London based, Deram Records. A jazz musician, Alison O'Donnell is signed with the label, Floating World Records." } ] }, { "tripleset": [ [ "Alison O'Donnell", "GENRE", "Jazz" ], [ "Alison O'Donnell", "RECORD_LABEL", "Deram Records" ], [ "Deram Records", "LOCATION", "London" ], [ "Alison O'Donnell", "RECORD_LABEL", "Fruits de Mer Records" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alison O'Donnell, who performs jazz, once was signed to Deram Records and another time to Fruits de Mer Records. London is the home to Deram Records." }, { "source": "webnlg", "text": "Previously signed to the record label Fruits de Mer Records, jazz musician, Alison O'Donnell is signed with the London based, record label, Deram Records." }, { "source": "webnlg", "text": "Alison O'Donnell, who performs jazz music, was once signed to Fruit de Mer Records and is now signed to London based Deram Records." } ] }, { "tripleset": [ [ "Allen Forrest", "DATE_OF_BIRTH", "1981" ], [ "Allen Forrest", "GENRE", "Acoustic music" ], [ "Allen Forrest", "BIRTH_PLACE", "Fort Campbell" ], [ "Allen Forrest", "BACKGROUND", "\"solo singer\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Allen Forrest was born in Fort Campbell. in1981. He is an acoustic solo singer." }, { "source": "webnlg", "text": "Fort Campbell is the birth place of Allen Forrest, who was born in the year 1981. He is a solo singer who plays acoustic music." }, { "source": "webnlg", "text": "Allen Forrest was born in Fort Campbell, in 1981. Allen Forrest is a solo singer who plays acoustic music." } ] }, { "tripleset": [ [ "Allen Forrest", "GENRE", "Hip hop music" ], [ "Allen Forrest", "DATE_OF_BIRTH", "1981" ], [ "Allen Forrest", "BIRTH_PLACE", "\"Fort Campbell, KY, raised in Dothan, AL\"" ], [ "Allen Forrest", "BACKGROUND", "\"solo singer\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Solo hip hop performer Allen Forrest was born in Fort Campbell, Kentucky in 1981 and raised in Dothan, Alabama." }, { "source": "webnlg", "text": "Allen Forrest was born in 1981 in Fort Campbell, KY and raised in Dothan, AL.He was originally a solo singer and performs hip hop music." } ] }, { "tripleset": [ [ "Alternative rock", "MUSIC_FUSION_GENRE", "Nu metal" ], [ "Alternative rock", "STYLISTIC_ORIGIN", "Punk rock" ], [ "Andrew White (musician)", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Marry Banilow" ], [ "Andrew White (musician)", "GENRE", "Alternative rock" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alternative rock musician Andrew White is associated with Marry Banilow. Alternative rock originates from punk rock and is fused into Nu metal." }, { "source": "webnlg", "text": "Andrew White is associated with the musical artist Marry Banilow and he plays alternative rock. That type of music originated from punk rock. Nu metal music is a fusion of alternative rock music." }, { "source": "webnlg", "text": "The musician Andrew White, who has worked with Marry Banilow, performs alternative rock. Nu metal is a fusion genre of alternative rock, which has its stylistic origins in punk." } ] }, { "tripleset": [ [ "Anders Osborne", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Billy Iuso" ], [ "Anders Osborne", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Tab Benoit" ], [ "Anders Osborne", "GENRE", "Rock music" ], [ "Anders Osborne", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Galactic" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Rock musician Anders Osborne has worked with the band Galactic and also with the musical artists Tab Benoit and Billy Iuso." }, { "source": "webnlg", "text": "Anders Osborne is associated with the musical artists Billy Iuso and Tab Benoit. He is an exponent of rock music and worked with the Galactic band." }, { "source": "webnlg", "text": "An exponent of Rock music, Anders Osborne is associated with musical artist Billy Iuso. He is also associated with Tab Benoit and the band, Galactic." } ] }, { "tripleset": [ [ "Anders Osborne", "RECORD_LABEL", "Alligator Records" ], [ "Alligator Records", "GENRE", "Blues" ], [ "Alligator Records", "LOCATION", "Chicago" ], [ "Anders Osborne", "RECORD_LABEL", "Shanachie Records" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Anders Osborne was signed to the Shanachie Records label. Anders Osborne was signed to Chicago based,record label,Alligator Records which is associated with the Blues." }, { "source": "webnlg", "text": "Alligator records is based in Chicago and the main genre they deal with is blues. Anders Osborne's record labels are Alligator Records and Shanachie Records." }, { "source": "webnlg", "text": "Anders Osborne was signed to the Shanachie Records label as well as Chicago-based blues label Alligator Records." } ] }, { "tripleset": [ [ "Andra (singer)", "GENRE", "Dance-pop" ], [ "Andra (singer)", "OCCUPATION", "Singing" ], [ "Andra (singer)", "BIRTH_PLACE", "Romania" ], [ "Andra (singer)", "BACKGROUND", "\"solo singer\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Solo singer Andra was born in Romania and her genre is Dance-pop music." }, { "source": "webnlg", "text": "Anders is a professional Dance-pop music singer.She is a solo singer and was born in Romania." }, { "source": "webnlg", "text": "Andra was born in Romania. She is a solo singer whose music genre is Dance-pop." } ] }, { "tripleset": [ [ "Andra (singer)", "GENRE", "Rhythm and blues" ], [ "Rhythm and blues", "DERIVATIVE", "Funk" ], [ "Rhythm and blues", "STYLISTIC_ORIGIN", "Blues" ], [ "Rhythm and blues", "DERIVATIVE", "Disco" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The singer Andra's genre is Rhythm and blue which originated from the blues. Both Funk and Disco are derivatives of rhythm and blues." }, { "source": "webnlg", "text": "Andra is a rhythm and blues singer. Originating from blues music, rhythm and blues has funk and disco as derivatives." }, { "source": "webnlg", "text": "Rhythm and blues originates from the blues and lends itself to disco and funk. Andra is an R &amp; B singer." } ] }, { "tripleset": [ [ "Andrew Rayel", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Christian Burns" ], [ "Andrew Rayel", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Jonathan Mendelsohn" ], [ "Andrew Rayel", "GENRE", "Trance music" ], [ "Andrew Rayel", "ACTIVE_YEARS_START_YEAR", "2009" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Andrew Rayel, who began his musical career in 2009, plays trance music. He has worked with Christian Burns and the musical artist Jonathan Mendelsohn." }, { "source": "webnlg", "text": "In 2009 Andrew Rayel started his music career. He played Trance music. Mr. Rayel is associated with Christian Burns and Jonathan Mendelsohn." }, { "source": "webnlg", "text": "Trance musician Andrew Rayel began his career in 2009 and is associated with artists Jonathan Mendelsohn and Christian Burns." } ] }, { "tripleset": [ [ "Andrew Rayel", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Jwaydan Moyine" ], [ "Trance music", "STYLISTIC_ORIGIN", "House music" ], [ "Andrew Rayel", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Christian Burns" ], [ "Andrew Rayel", "GENRE", "Trance music" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Trance musician Andrew Rayel is associated with artists Christian Burns and Jwaydan Moyine. Trance comes from house music." }, { "source": "webnlg", "text": "Musicians Jwaydan Moyine and Christian Burns are associated with Andrew Rayel, whose musical genre is trance music, which has its origins in House music." }, { "source": "webnlg", "text": "Andrew Rayel performs trance music, a style that originated from house music. He is associates with Christian Burns and is associated with Jwaydan Moyine." } ] }, { "tripleset": [ [ "Andrew White (musician)", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Kaiser Chiefs" ], [ "Andrew White (musician)", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Marry Banilow" ], [ "Andrew White (musician)", "GENRE", "Alternative rock" ], [ "Andrew White (musician)", "ACTIVE_YEARS_START_YEAR", "2003" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Andrew White started his musical career in 2003 and his genre is alternative rock. He is a member of the band Kaiser Chiefs and he is associated with the musical artist Marry Banilow." }, { "source": "webnlg", "text": "Andrew White started his musical career in 2003 and is associated with the musical artist, Marry Banilow. He plays for the band Kaiser Chiefs and his genre is alternative rock." }, { "source": "webnlg", "text": "Alternative rock performer Andrew White started his musical career in 2003. He plays for the band Kaiser Chiefs and is associated with musical artist Marry Banilow." } ] }, { "tripleset": [ [ "Andrew White (musician)", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Kaiser Chiefs" ], [ "Andrew White (musician)", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Marry Banilow" ], [ "Andrew White (musician)", "RECORD_LABEL", "Universal Records (defunct record label)" ], [ "Andrew White (musician)", "ACTIVE_YEARS_START_YEAR", "2003" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Kaiser Chiefs band member, Andrew White, started his musical career in 2003. Andrew White, who is associated with the musical artist Marry Banilow, used to be with the record label Universal records which is now a defunct label." }, { "source": "webnlg", "text": "Andrew White, who began his musical career in 2003 and was associated with Marry Banilow, was signed to the now defunct record label Universal Records. He was a member of the band The Kaiser Chiefs." }, { "source": "webnlg", "text": "Musician Andrew White began in 2003 and is associated with artists Marry Banilow and the Kaiser Chiefs. He was signed to the defunct Universal records." } ] }, { "tripleset": [ [ "Asunci\u00f3n", "IS_PART_OF", "Gran Asunci\u00f3n" ], [ "Agust\u00edn Barboza", "DEATH_PLACE", "Asunci\u00f3n" ], [ "Paraguay", "LEADER_NAME", "Juan Afara" ], [ "Agust\u00edn Barboza", "DEATH_PLACE", "Paraguay" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Agustin Barboza died in Asuncion, part of Gran Asunci\u00f3n, in Paraguay, the country led by Juan Afara." }, { "source": "webnlg", "text": "Agustin Barboza was born in Paraguay which is led by Juan Afra. He died in Asuncion which is part of Gran Asuncion." }, { "source": "webnlg", "text": "Agustin Barboza was born in Paraguay and died in Asuncion, part of Gran Asunci\u00f3n, The leader of Paraguay is Juan Afara." } ] }, { "tripleset": [ [ "Country music", "INSTRUMENT", "Banjo" ], [ "Al Anderson (NRBQ band)", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "NRBQ" ], [ "Al Anderson (NRBQ band)", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "The Wildweeds" ], [ "Al Anderson (NRBQ band)", "GENRE", "Country music" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Al Anderson is a member of the NRBQ band and his musical genre is country music, in which banjo is an instrument. He also played once with The Wildweeds." }, { "source": "webnlg", "text": "Al Anderson (NRBQ band) performs country music and also was a member of the Wildweeds. Banjo is used for Country Music." }, { "source": "webnlg", "text": "Country musician Al Anderson, twho plays with the band NRBQ, played once with The Wildweeds. The Banjo instrument is closely associated with country music." } ] }, { "tripleset": [ [ "Hip hop music", "STYLISTIC_ORIGIN", "Disco" ], [ "Allen Forrest", "GENRE", "Hip hop music" ], [ "Hip hop music", "STYLISTIC_ORIGIN", "Funk" ], [ "Hip hop music", "DERIVATIVE", "Drum and bass" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Allen Forrest performs hip hop music which comes from disco and funk. Drums and bass get their sounds from hip hop music." }, { "source": "webnlg", "text": "Allen Forrest performs hip hop music, which has its stylistic origins in disco and funk. Drum and bass is a derivative of hip hop." }, { "source": "webnlg", "text": "The musical genre of Allen Forrest is hip hop music which has its origins in Disco and its stylistic origins in funk. Drum and bass is a derivative of Hip hop music." } ] }, { "tripleset": [ [ "Manchester", "IS_PART_OF", "Greater Manchester" ], [ "Alfred Garth Jones", "BIRTH_PLACE", "England" ], [ "Alfred Garth Jones", "BIRTH_PLACE", "Manchester" ], [ "Manchester", "LEADER_NAME", "Labour Party (UK)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alfred Garth Jones was born in Manchester, Greater Manchester, England. The Labour Party is in the majority in Manchester." }, { "source": "webnlg", "text": "The birthplace of Alfred Garth Jones is Manchester, (part of Greater Manchester), England. In Manchester the Labour Party is in the majority." }, { "source": "webnlg", "text": "Alfred Garth Jones was born in Manchester, Great Manchester, England, where the majority is the Labour Party." } ] }, { "tripleset": [ [ "Post-metal", "INSTRUMENT", "Cello" ], [ "Aaron Turner", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Twilight (band)" ], [ "Aaron Turner", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "House of Low Culture" ], [ "Aaron Turner", "GENRE", "Post-metal" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Post-metal cellist, Aaron Turner, played with both Twilight and House of Low Culture." }, { "source": "webnlg", "text": "Aaron Turner played post-metal music with the Twilight band. He also played with the House of Low Culture. Cello is a post-metal instrument." }, { "source": "webnlg", "text": "Aaron Turner is a performer of the musical genre Post metal,which uses cello as a musical instrument.He played with Twilight and House of Low Culture bands." } ] }, { "tripleset": [ [ "Twilight (band)", "GENRE", "Black metal" ], [ "Aaron Turner", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Twilight (band)" ], [ "Aaron Turner", "INSTRUMENT", "Electric guitar" ], [ "Black metal", "MUSIC_FUSION_GENRE", "Death metal" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Electric guitarist Aaron Turner was a member of black metal band Twilight. Death metal is a black metal fusion." }, { "source": "webnlg", "text": "Aaron Turner plays electric guitar and played with the band Twilight. Twilight performs black metal music which when part of a musical fusion is called death metal." }, { "source": "webnlg", "text": "Black metal electric guitarist Aaron Turner was a member of Twilight. Black metal is the basis for death metal fusion." } ] }, { "tripleset": [ [ "United States", "ETHNIC_GROUP", "African Americans" ], [ "Albennie Jones", "GENRE", "Rhythm and blues" ], [ "Rhythm and blues", "STYLISTIC_ORIGIN", "Blues" ], [ "Albennie Jones", "BIRTH_PLACE", "United States" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Rhythm and blues artist Albennie Jones was born in the U.S., home to African Americans. R &amp; B has its roots in blues." }, { "source": "webnlg", "text": "Rhythm and blues artist Albennie Jones was born in the United States. R and B originated from the blues and among the ethnic groups in the U.S. are African Americans." }, { "source": "webnlg", "text": "African Americans are an ethnic group in the United States, where Albennie Jones was born. Albennie Jones performs in the rhythm and blues genre which originated from blues music." } ] }, { "tripleset": [ [ "Aaron S. Daggett", "BATTLES", "American Civil War" ], [ "Aaron S. Daggett", "AWARD", "Purple Heart" ], [ "Aaron S. Daggett", "DEATH_PLACE", "West Roxbury" ], [ "Aaron S. Daggett", "BIRTH_PLACE", "Maine" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Aaron S Daggett was born in Maine and died in West Roxbury. He fought in the American Civil War and was awarded the Purple Heart." }, { "source": "webnlg", "text": "Maine born Aaron S Daggett fought in the American Civil War, was awarded the Purple Heart and died in West Roxbury." }, { "source": "webnlg", "text": "American Civil War soldier and Purple Heart recipient Aaron S. Daggett, was born in Maine and died in West Roxbury." } ] }, { "tripleset": [ [ "Aaron S. Daggett", "BATTLES", "Battle of the Wilderness" ], [ "Aaron S. Daggett", "AWARD", "Purple Heart" ], [ "Aaron S. Daggett", "DEATH_PLACE", "West Roxbury" ], [ "Aaron S. Daggett", "BIRTH_PLACE", "Maine" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Born in Maine, Aaron S. Daggett; fought in the Battle of the Wilderness, was awarded the Purple Heart, and died in West Roxbury." }, { "source": "webnlg", "text": "Born in Maine, Aaron S. Daggett fought in the Battle of the Wilderness, awarded the Purple Heart, and died in West Roxbury." }, { "source": "webnlg", "text": "Aaron S Daggett was born in Maine and died in West Roxbury. He fought in the Battle of the Wilderness and was awarded the Purple Heart." } ] }, { "tripleset": [ [ "Ab Klink", "ALMA_MATER", "Erasmus University Rotterdam" ], [ "Erasmus University Rotterdam", "AFFILIATION", "Association of MBAs" ], [ "Ab Klink", "OFFICE_(WORKED_AT,_WORKED_AS)", "Ministry of Health, Welfare and Sport (Netherlands)" ], [ "Ab Klink", "BIRTH_PLACE", "Netherlands" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Ab Klink was born in Netherlands and worked for his country's Ministry of Health, Welfare and Sport office. He attended Erasmus University in Rotterdam which is affiliated with the Association of MBAs." }, { "source": "webnlg", "text": "Ab Klink worked at the Ministry of Health, Welfare and Sport in Netherlands, the country where he was born. He was a student of Erasmus University in Rotterdam which is affiliated with the Association of MBAs." }, { "source": "webnlg", "text": "Erasmus University Rotterdam (Assoc. MBAs) alum Ab Klink, born in the Netherlands, is employed at the Netherlands Ministry of Health, Welfare and Sport." } ] }, { "tripleset": [ [ "Abdul Taib Mahmud", "PARTY", "Parti Pesaka Bumiputera Bersatu" ], [ "Abdul Taib Mahmud", "REGION", "Asajaya" ], [ "Abdul Taib Mahmud", "RESIDENCE", "Kuching" ], [ "Abdul Taib Mahmud", "BIRTH_PLACE", "Miri, Malaysia" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Abdul Taib Mahmud was born in Miri, Malaysia and he lives in Kuching. His party is the Parti Pesaka Bumiputera Bersatu and he represented Asajaya." }, { "source": "webnlg", "text": "Mirir, Malaysia born Abdul Taib Mahmud, who lives in Kuching, represented the Asajaya region and was a member of the Parti Pesaka Bumiputera Bersatu." }, { "source": "webnlg", "text": "Abdul Taib Mahmud, who was born in Miri, Malaysia and lives in Kuching, was a member of the Parti Pesaka Bumiputera Bersatu and represented Asajaya." } ] }, { "tripleset": [ [ "Abdul Taib Mahmud", "RESIDENCE", "Sarawak" ], [ "Abdul Taib Mahmud", "PARTY", "Parti Pesaka Bumiputera Bersatu" ], [ "Abdul Taib Mahmud", "REGION", "Asajaya" ], [ "Abdul Taib Mahmud", "BIRTH_PLACE", "Kingdom of Sarawak" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Abdul Taib Mahmud's birthplace was Kingdom of Sarawak and he resides in Sarawak. His party is the Parti Pesaka Bumiputera Bersatu and he represented Asajaya." }, { "source": "webnlg", "text": "Abdul Taib Mahmud was born and resided in the Kingdom of Sarawak. He was in the Parti Pesaka Bumiputera Bersatu and represented the Asajaya region." }, { "source": "webnlg", "text": "Abdul Taib Mahmud represented the Asajaya region and was a member of the Parti Pesaka Bumiputera Bersatu. He was born in the Kingdom of Sarawak and still lives there." } ] }, { "tripleset": [ [ "Abdul Taib Mahmud", "SUCCESSOR", "Adenan Satem" ], [ "Adenan Satem", "BIRTH_PLACE", "Japanese occupation of British Borneo" ], [ "Abdul Taib Mahmud", "RESIDENCE", "Sarawak" ], [ "Abdul Taib Mahmud", "PARTY", "\"Barisan Ra'ayat Jati Sarawak\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Adenan Satem was born in Japanese Occupied British Borneo. His successor was Abdul Taib Mahmud, who, resides in Sarawak and is a member of the \"Barisan Ra'ayat Jati Sarawak\" party." }, { "source": "webnlg", "text": "Japanese occupied, British Borneo, was the birthplace of Adenan Satem, who succeeded Abdul Taib Mahmud. Abdul Taid Mahmud is a member of Barisan Ra'ayat Jati Sarawak party and resides in Sarawak." }, { "source": "webnlg", "text": "Abdul Taib Mahmud, a member of the Barisan Ra'ayat Jati Sarawak party, lives in Sarawak. He was succeeded by Adenan Satem, who was born in the Japanese Occupation of British Borneo." } ] }, { "tripleset": [ [ "Abdul Taib Mahmud", "SUCCESSOR", "Adenan Satem" ], [ "Adenan Satem", "BIRTH_PLACE", "Japanese occupation of British Borneo" ], [ "Abdul Taib Mahmud", "RESIDENCE", "Sarawak" ], [ "Abdul Taib Mahmud", "PARTY", "Parti Pesaka Bumiputera Bersatu" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Abdul Taib Mahmud(who lives in Sarawak)'s successor was Adenan Satem who was born in Japanese Occupation of British Borneo. Abdul Taib Mahmud's party is the Parti Pesaka Bumiputera Bersatu." }, { "source": "webnlg", "text": "Abdul Taib Mahmud, who lives in Sarawak, belongs to the Parti Pesaka Bumiputera Bersatu. He was succeeded by Adenan Satem, who was born in the Japanese occupation Of British Borneo." }, { "source": "webnlg", "text": "Abdul Taib Mahmud resides in Sarawak and is a member of the Parti Pesaka Bumiputera Bersatu. His successor was Adenan Satem who was born in British Borneo during the Japanese occupation." } ] }, { "tripleset": [ [ "Abdulsalami Abubakar", "IN_OFFICE_WHILE_VICE_PRESIDENT", "Mike Akhigbe" ], [ "Abdulsalami Abubakar", "MILITARY_BRANCH", "Nigerian Army" ], [ "Mike Akhigbe", "PREDECESSOR", "Oladipo Diya" ], [ "Mike Akhigbe", "SUCCESSOR", "Atiku Abubakar" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Abdulsalami Abubakar served in the Nigerian Army and was in office whilst Mike Akhigbe was Vice President. Oladipo Diya was the predecessor of Mike Akhigbe and his successor was Atiku Abubakar." }, { "source": "webnlg", "text": "Abdulsalami Abubakar served in the Nigerian Army and was in office while Mike Akhigbe was Vice President. Oladipo Diya was the predecessor of Mike Akhigbe and Atiku Abubakar was his successor." }, { "source": "webnlg", "text": "Abdulsalami Abubakar, who served in the Nigerian Army, was in office while Mike Akhigbe was Vice President. Akhigbe succeeded Oladipo Diya and then he himself was succeeded by Atiku Abubakar." } ] }, { "tripleset": [ [ "Abdulsalami Abubakar", "IN_OFFICE_WHILE_VICE_PRESIDENT", "Mike Akhigbe" ], [ "Mike Akhigbe", "PREDECESSOR", "Oladipo Diya" ], [ "Abdulsalami Abubakar", "SUCCESSOR", "Al-Amin Daggash" ], [ "Abdulsalami Abubakar", "MILITARY_BRANCH", "Nigerian Air Force" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Oladipo Diya was Mike Akhigbe's predecessor, Abdulsalami Abubakar was in office whilst Mike Akhigbe was Vice President. Abdulsalami Abubakar, was a member of the Nigerian Air Force, and his succcessor was Al-Amin Daggash." }, { "source": "webnlg", "text": "Abdulsalami Abubakar was a member of the Nigerian Air Force. He was in office while Mike Akhigbe was Vice President. Oladipo Diya was the predecessor of Mike Akhigbe and Al-Amin Daggash was the successor of Abdulsalami Abubakar." }, { "source": "webnlg", "text": "Abdulsalami Abubakar, who served in the Nigerian Air Force, was in office whilst Mike Akhigbe was Vice President and was preceded by Al-Amin Daggash. Mike Akhigbe succeeded Oladipo Diya." } ] }, { "tripleset": [ [ "Abel Caballero", "IN_OFFICE_WHILE_MONARCH", "Juan Carlos I of Spain" ], [ "Juan Carlos I of Spain", "PREDECESSOR", "Francisco Franco" ], [ "Abel Caballero", "IN_OFFICE_WHILE_PRIME_MINISTER", "Felipe Gonz\u00e1lez" ], [ "Abel Caballero", "BIRTH_PLACE", "Galicia (Spain)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Abel Caballero, born in Galicia, Spain, held office during the monarchy of Juan Carlos I of Spain (preceeded by Francisco Franco) and Prime Minister Felipe Gonzalez' leadership." }, { "source": "webnlg", "text": "Abel Caballero, born in Galicia, Spain, served office during Prime Minister Felipe Gonzalez' leadership and Juan Carlos I of Spain's Monarchy. Francisco Franco preceded Juan Carlos I." } ] }, { "tripleset": [ [ "Abel Caballero", "OFFICE_(WORKED_AT,_WORKED_AS)", "\"Minister of Transport\"" ], [ "Abel Caballero", "BIRTH_PLACE", "Galicia (Spain)" ], [ "Abel Caballero", "BIRTH_PLACE", "Spain" ], [ "Abel Caballero", "PARTY", "Spanish Socialist Workers' Party" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Abel Caballero was born in Galicia in Spain and he was the Minister of Transport. He is now a member of the Spanish Socialist Workers' Party." }, { "source": "webnlg", "text": "Abel Caballero was born in Galicia in Spain, is a member of the Spanish Socialist Workers' Party and worked as Minister of Transport." }, { "source": "webnlg", "text": "Spanish Socialist Workers' Party member and Minister of Transport Abel Caballero was born in Galicia, Spain." } ] }, { "tripleset": [ [ "Abraham A. Ribicoff", "SPOUSE", "Casey Ribicoff" ], [ "United States", "ETHNIC_GROUP", "Native Americans in the United States" ], [ "Abraham A. Ribicoff", "BIRTH_PLACE", "New Britain, Connecticut" ], [ "Abraham A. Ribicoff", "NATIONALITY", "United States" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Native Americans are an ethnic group in the U.S. which is where Abraham A Ribicoff is from. He was born in New Britain, Connecticut and his wife is Casey Ribicoff." }, { "source": "webnlg", "text": "Abraham A Ribicoff, married to Casey Ribicoff, was born in New Britain, Connecticut which is in the United States, where Native Americans are an ethnic group." }, { "source": "webnlg", "text": "United States national Abraham A. Ribicoff was born in New Britain, Connecticut and married Casey Ribicoff. An ethnic group in the U.S. are Native Americans." } ] }, { "tripleset": [ [ "Adam Holloway", "BATTLES", "Gulf War" ], [ "Adam Holloway", "BIRTH_PLACE", "Kent" ], [ "Adam Holloway", "ACTIVE_YEARS_START_DATE", "2005-05-05" ], [ "Adam Holloway", "ALMA_MATER", "Magdalene College, Cambridge" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Adam Holloway was born in Kent and began his career on May 5th 2005. He fought in the Gulf War and his alma mater is Magdalene College, Cambridge." }, { "source": "webnlg", "text": "Adam Holloway was born in Kent and his alma mater was Magdalene College, Cambridge. His career began on 5 May 2005 and he fought in the Gulf war." }, { "source": "webnlg", "text": "Adam Holloway was born in Kent and his alma mater was Magdalene College Cambridge. His career began on May 5, 2005 and he took part in the Gulf War battles." } ] }, { "tripleset": [ [ "Adam Koc", "BATTLES", "Polish\u2013Soviet War" ], [ "Poland", "LANGUAGE", "Polish language" ], [ "Polish\u2013Soviet War", "COMMANDER", "Joseph Stalin" ], [ "Adam Koc", "NATIONALITY", "Poland" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Adam Koc is a national of Poland where the language used is Polish. He was involved in battles of the Polish-Soviet war during which Joseph Stalin was a commander." }, { "source": "webnlg", "text": "Adam Koc, a Polish nationalist, fought in the Polish-Soviet War. Joseph Stalin was a commander in that war. The Polish language is used in Poland." } ] }, { "tripleset": [ [ "Adam Koc", "BATTLES", "Polish\u2013Soviet War" ], [ "Polish\u2013Soviet War", "IS_PART_OF_MILITARY_CONFLICT", "Russian Civil War" ], [ "Adam Koc", "DEATH_PLACE", "New York City" ], [ "Polish\u2013Soviet War", "COMMANDER", "Joseph Stalin" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Adam Koc, who died in New York City, fought in the Polish-Soviet War, in which Joseph Stalin was a commander. This war formed part of the Russian Civil War." } ] }, { "tripleset": [ [ "Adonis Georgiadis", "BIRTH_PLACE", "Athens" ], [ "Adonis Georgiadis", "BIRTH_PLACE", "Greece" ], [ "Adonis Georgiadis", "OFFICE_(WORKED_AT,_WORKED_AS)", "\"Vice-President of New Democracy\"" ], [ "Adonis Georgiadis", "SUCCESSOR", "Makis Voridis" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Adonis Georgiadis was born in Athens, Greece. He was Vice-president of new democracy and was succeeded by Makis Voridis." }, { "source": "webnlg", "text": "Adonis Georgiadis, who was born in Athens, Greece, served as the Vice President of New Democracy and was later succeeded by Makis Voridis." } ] }, { "tripleset": [ [ "Adonis Georgiadis", "BIRTH_PLACE", "Athens" ], [ "Adonis Georgiadis", "BIRTH_PLACE", "Greece" ], [ "Adonis Georgiadis", "OFFICE_(WORKED_AT,_WORKED_AS)", "Ministry of Economy, Development and Tourism (Greece)" ], [ "Adonis Georgiadis", "SUCCESSOR", "Makis Voridis" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Adonis Georgiadis was born in Athens, Greece and worked for the Ministry of Economy, Development and Tourism in Greece. He was succeeded by Makis Voridis." }, { "source": "webnlg", "text": "Adonis Georgiadis, who was born in Athens Greece worked for the Ministry of Economy, Development and Tourism and his successor was Makis Voridis." }, { "source": "webnlg", "text": "Adonis Georgiadis was born in Athens, Greece and worked at the Ministry of Economy, Development and Tourism. He was succeeded by Makis Voridis." } ] }, { "tripleset": [ [ "Adonis Georgiadis", "OFFICE_(WORKED_AT,_WORKED_AS)", "Member of the Hellenic Parliament" ], [ "Adonis Georgiadis", "BIRTH_PLACE", "Athens" ], [ "Adonis Georgiadis", "BIRTH_PLACE", "Greece" ], [ "Adonis Georgiadis", "SUCCESSOR", "Makis Voridis" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Makis Voridis was the successor of Adonis Georgiadis, who, was born in Athens, Greece, and was a member of the Hellenic Parliament." }, { "source": "webnlg", "text": "Adonis Georgiadis was born in Athens in Greece and before being succeeded by Makis Voridis worked as a member of the Hellenic Parliament." }, { "source": "webnlg", "text": "Adonis Georgiadis, who was born in Athens, Greece, worked as a member of the Hellenic Parliament and was succeeded by Makis Voridis." } ] }, { "tripleset": [ [ "Agnes Kant", "NATIONALITY", "Netherlands" ], [ "Netherlands", "CURRENCY", "Euro" ], [ "Emile Roemer", "PARTY", "Socialist Party (Netherlands)" ], [ "Socialist Party (Netherlands)", "LEADER_NAME", "Emile Roemer" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Agnes Kant is a national of the Netherlands where the currency is the euro. Emile Roemer is a member and leader of the Socialist Party in the Netherlands." }, { "source": "webnlg", "text": "Emile Roemer is a leader of the Socialist Party in Netherlands of which Agnes Kant is also a member. The country uses the Euro as its currency." }, { "source": "webnlg", "text": "Emile Roemer is leader of Socialist Party in Netherlands which uses the Euro as its currency. A member of the party is Agnes Kant." } ] }, { "tripleset": [ [ "Agnes Kant", "NATIONALITY", "Netherlands" ], [ "Netherlands", "LEADER_NAME", "Mark Rutte" ], [ "Agnes Kant", "OFFICE_(WORKED_AT,_WORKED_AS)", "House of Representatives (Netherlands)" ], [ "Agnes Kant", "PARTY", "Socialist Party (Netherlands)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Agnes Kant, a Netherlands National, worked at the House of Representatives in Netherlands. She is a member of the Socialist Party in the Netherlands, the leader of which is, Mark Rutte." }, { "source": "webnlg", "text": "Agnes Kant is a national of the Netherlands where Mark Rutte is a leader. Kant is also a member of the Socialist Party and worked at the House of Representatives in the Netherlands." }, { "source": "webnlg", "text": "Socialist Party member Agnes Kant, who is a Netherlands national, worked at the House of the Representatives in the Netherlands. The leader there is Mark Rutte." } ] }, { "tripleset": [ [ "Agnes Kant", "NATIONALITY", "Netherlands" ], [ "Netherlands", "LEADER_NAME", "Mark Rutte" ], [ "Emile Roemer", "PARTY", "Socialist Party (Netherlands)" ], [ "Socialist Party (Netherlands)", "LEADER_NAME", "Emile Roemer" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Agnes Kant is a national of the Netherlands, the leader of which, is Mark Rutte. In the Netherlands, Emile Roemer is leader and member of the Netherlands Socialist Party." }, { "source": "webnlg", "text": "Agnes Kant is from the Netherlands, where the leader is Mark Rutte. Emile Roemer is a member of (and leader of) the Socialist Party in the Netherlands." }, { "source": "webnlg", "text": "The Netherlands Socialist Party is led by member Emile Roemer. The Netherlands is also led by Mark Rutte and home to Agnes Kant." } ] }, { "tripleset": [ [ "Agnes Kant", "NATIONALITY", "Netherlands" ], [ "Socialist Party (Netherlands)", "COLOR", "Red" ], [ "Socialist Party (Netherlands)", "LEADER_NAME", "Emile Roemer" ], [ "Agnes Kant", "PARTY", "Socialist Party (Netherlands)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Agnes Kant has Netherland nationality and is a member of the Socialist Party in the Netherlands which uses the colour \"red\" and is led by Emile Roemer." }, { "source": "webnlg", "text": "Agnes Kant, a Netherland national, is a member of the Socialist Party of the Netherlands which is led by Emile Roemer and uses the colour of red." }, { "source": "webnlg", "text": "Agnes Kant is from the Netherlands where she is a member of the Socialist Party. The leader of the Socialist Party, which is associated with the colour red, is Emile Roemer." } ] }, { "tripleset": [ [ "Airey Neave", "BATTLES", "Battle of France" ], [ "Airey Neave", "BIRTH_PLACE", "\"Knightsbridge, London\"" ], [ "Airey Neave", "ACTIVE_YEARS_START_DATE", "1953-06-30" ], [ "Airey Neave", "ACTIVE_YEARS_END_DATE", "1979-03-30" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Knightsbridge, London is the birthplace of Airey Neave and he was involved in the Battle of France. He started his career on 30th June 1953 and ended it on 30th March 1979." }, { "source": "webnlg", "text": "Airey Neave was born in Knightsbridge in London and started his career on the 30th June 1953. He fought in the Battle of France and ended his career on the 30th March 1979." }, { "source": "webnlg", "text": "Battle of France veteran Airey Neave, born in Knightsbridge, London, began his career 06/30/1953 and retired 03/30/1979." } ] }, { "tripleset": [ [ "Airey Neave", "BATTLES", "Battle of France" ], [ "Airey Neave", "BIRTH_PLACE", "\"Knightsbridge, London\"" ], [ "Airey Neave", "ACTIVE_YEARS_START_DATE", "1974-03-04" ], [ "Airey Neave", "ACTIVE_YEARS_END_DATE", "1979-03-30" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Airey Neave, born in Knightsbridge, London, was involved in the Battle of France; he began his career on March 4th 1974, and ended his career on 30th March 1979." }, { "source": "webnlg", "text": "Airey Neave, who was born in Knightsbridge, London, fought in the Battle of France. His career lasted only five years beginning March 4th, 1974 and ending on the 30th of the same month in 1979." }, { "source": "webnlg", "text": "Battle of France veteran Airey Neave, born in Knightsbridge, London, began his career 03/04/1974 and retired 03/30/1979." } ] }, { "tripleset": [ [ "Airey Neave", "UNIT", "Royal Artillery" ], [ "Royal Artillery", "GARRISON", "Hohne" ], [ "Airey Neave", "BATTLES", "World War II" ], [ "World War II", "COMMANDER", "Chiang Kai-shek" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Airey Neave served in the Royal Artillery Unit, which has a garrison in Hohne, during World War Two. One of the commanders in that war was Chiang Kai-shek." }, { "source": "webnlg", "text": "Airey Neave served in the Royal Artillery Unit which has a garrison in Hohne. He also participated in World War II where Chiang Kai-shek was a commander." }, { "source": "webnlg", "text": "Airey Neave fought in World War Two with the Royal Artillery which had a garrison in Hohne. One of the commanders of World War Two was Chiang Kai-shek." } ] }, { "tripleset": [ [ "Albert B. White", "BIRTH_PLACE", "Cleveland" ], [ "Albert B. White", "DEATH_PLACE", "Parkersburg, West Virginia" ], [ "Albert B. White", "SUCCESSOR", "William M. O. Dawson" ], [ "William M. O. Dawson", "BIRTH_PLACE", "Bloomington, Maryland" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Albert B. White was born in Cleveland and he died in Parkersburg, West Virginia. His successor was William M. O. Dawson who was born in Bloomington, Maryland." }, { "source": "webnlg", "text": "Albert B. White, who was born in Cleveland an died at Parkersburg, West Virginia was succeeded by William M. O. Dawson who was born in Bloomington Maryland." }, { "source": "webnlg", "text": "Albert B. White, b. Cleveland and died in Parkersburg, WV, was succeeded by William M. O. Dawson from Bloomington, Maryland." } ] }, { "tripleset": [ [ "Albert B. White", "SUCCESSOR", "William M. O. Dawson" ], [ "Albert B. White", "BIRTH_PLACE", "Cleveland" ], [ "Albert B. White", "ACTIVE_YEARS_END_DATE", "1905-03-04" ], [ "Albert B. White", "ACTIVE_YEARS_START_DATE", "1901-03-04" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Born in Cleveland, Albert B. White started his career on March 4, 1901 and finished it on March 4th 1905." }, { "source": "webnlg", "text": "Albert B. White was born in Cleveland and his successor was William M.O. Dawson. He started his career on March 4, 1901 and finished it on March 4th 1905." }, { "source": "webnlg", "text": "Albert B. White was born in Cleveland. he began his carreer on March 4, 1901 and ended it on March 4, 1905. His successor was William M. O. Dawson." } ] }, { "tripleset": [ [ "Albert Jennings Fountain", "BIRTH_PLACE", "New York" ], [ "New York", "LANGUAGE", "French language" ], [ "American Civil War", "COMMANDER", "Abraham Lincoln" ], [ "Albert Jennings Fountain", "BATTLES", "American Civil War" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Albert Jennings Fountain was born in New York, where one of the languages spoken is French, He fought in the American Civil War, a conflict in which Abraham Lincoln was a commander." }, { "source": "webnlg", "text": "Born in New York city (where French is one of the languages spoken), Albert Jennings Fountain battled in the American Civil War. The same conflict in which Abraham Lincoln was a commander." }, { "source": "webnlg", "text": "French is a language spoken in New York which is where Albert Jennings Fountain was born. He battled in the American Civil War, the conflict which Abraham Lincoln was a commander in." } ] }, { "tripleset": [ [ "Albert Jennings Fountain", "DEATH_PLACE", "Do\u00f1a Ana County, New Mexico" ], [ "Albert Jennings Fountain", "BIRTH_PLACE", "New York City" ], [ "Albert Jennings Fountain", "BATTLES", "American Civil War" ], [ "American Civil War", "COMMANDER", "Jefferson Davis" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Albert Jennings Fountain was born in New York City and died in Dona Ana County, New Mexico. He had fought in the American Civil War, during which, Jefferson Davis was a commander." }, { "source": "webnlg", "text": "New York City was the birthplace of Albert Jennings and he passed away in Dona Ana County, New Mexico. He fought in the American Civil War and one commander in that war was Jefferson Davis." }, { "source": "webnlg", "text": "Albert Jennings Fountain was born in New York City and died in Dona Ana County, New Mexico. He fought in the American Civil War where one of the commanders was Jefferson Davis." } ] }, { "tripleset": [ [ "Albert Jennings Fountain", "DEATH_PLACE", "New Mexico Territory" ], [ "Albert Jennings Fountain", "DEATH_PLACE", "United States" ], [ "Albert Jennings Fountain", "BIRTH_PLACE", "New York" ], [ "Albert Jennings Fountain", "BIRTH_PLACE", "Staten Island" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Albert Jennings Fountain was born in Staten Island, New York. He died in the New Mexico Territory in the U.S." }, { "source": "webnlg", "text": "Albert Jennings Fountain was born in New York on Staten Island and died in New Mexico Territory." }, { "source": "webnlg", "text": "Albert Jennings Fountain was born in Staten Island, New York and died in New Mexico Territory, USA." } ] }, { "tripleset": [ [ "Alberto Teisaire", "DEATH_PLACE", "Buenos Aires" ], [ "Buenos Aires", "LEADER_NAME", "Horacio Rodr\u00edguez Larreta" ], [ "Alberto Teisaire", "PARTY", "Justicialist Party" ], [ "Alberto Teisaire", "IN_OFFICE_WHILE_PRESIDENT", "Juan Per\u00f3n" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alberto Teisaire, a member of the Justicialist Party was in office while Juan Peron was president. Alberto Teisaire died in Buenos Aires, where Horacio Rodriguez Larreta is the leader." }, { "source": "webnlg", "text": "Alberto Teisaire belongs to the Justicialist Party and was in office while Juan Peron was President. Teisaire died in Buenos Aires, where the leader is Horacio Rodr\u00edguez Larreta." } ] }, { "tripleset": [ [ "Alberto Teisaire", "OFFICE_(WORKED_AT,_WORKED_AS)", "\"Provisional President of the Argentine Senate\"" ], [ "Alberto Teisaire", "PROFESSION", "Rear admiral" ], [ "Alberto Teisaire", "SUCCESSOR", "Isaac Rojas" ], [ "Alberto Teisaire", "BIRTH_PLACE", "Mendoza, Argentina" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Isaac Rojas was the successor to Alberto Teisaire, who was born in Mendoza, Argentina. Alberto Teisaire was a Rear Admiral by profession and worked as a Provisional President of the Argentine Senate." }, { "source": "webnlg", "text": "Alberto Teisaire was born in Mendoza in Agentina and he was a Rear Admiral. He worked as a Provisional President of the Argentine Senate and his successor was Isaac Rojas." }, { "source": "webnlg", "text": "Provisional President of the Argentine Senate and Rear Admiral Alberto Teisaire was born in Mendoza, Argentina. he was succeeded by Isaac Rojas." } ] }, { "tripleset": [ [ "Alfred Moore Scales", "SUCCESSOR", "Daniel Gould Fowle" ], [ "Alfred Moore Scales", "OFFICE_(WORKED_AT,_WORKED_AS)", "\"Governor of North Carolina\"" ], [ "Alfred Moore Scales", "PARTY", "Democratic Party (United States)" ], [ "Alfred Moore Scales", "BIRTH_PLACE", "Reidsville, North Carolina" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alfred Moore Scales, a member of the U.S. Democratic Party, was born in Reidsville, North Carolina. He Governor of North Carolina and was succeeded by Daniel Gould Fowle." }, { "source": "webnlg", "text": "Alfred Moore Scales was born in Reidsville, North Carolina, is a member of the Democratic Party in the United States and served as Governor of North Carolina. He was succeeded by Daniel Gould Fowle." }, { "source": "webnlg", "text": "Alfred Moore Scales, of Reidsville, North Carolina, is a United States Democrat, and was the Governor of North Carolina. He was succeeded by Daniel Gould Fowle." } ] }, { "tripleset": [ [ "Alfred N. Phillips", "MILITARY_BRANCH", "United States Army" ], [ "United States Army", "BATTLES", "Whiskey Rebellion" ], [ "Alfred N. Phillips", "BIRTH_PLACE", "Connecticut" ], [ "Alfred N. Phillips", "OFFICE_(WORKED_AT,_WORKED_AS)", "\"Member of the U.S. House of Representatives from Connecticut's 4th district\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Connecticut born Alfred N Phillips, who served in the US Army, fought in the battle called Whiskey Rebellion. He was later a Member of the U.S. House of Representatives from Connecticut's 4th district." }, { "source": "webnlg", "text": "Connecticut born Alfred N Phillips served in the US Army and fought in the Whiskey Rebellion battle. He was later a Member of the U.S. House of Representatives from Connecticut's 4th district." }, { "source": "webnlg", "text": "U.S. House of Representatives, 4th District, Connecticut member Alfred N Phillips (born: Connecticut) was a US Army veteran. The Whiskey Rebellion was fought by the United States Army." } ] }, { "tripleset": [ [ "Alfred N. Phillips", "PARTY", "Democratic Party (United States)" ], [ "Alfred N. Phillips", "SUCCESSOR", "Albert E. Austin" ], [ "Alfred N. Phillips", "BIRTH_PLACE", "Connecticut" ], [ "Alfred N. Phillips", "OFFICE_(WORKED_AT,_WORKED_AS)", "\"Member of the U.S. House of Representatives from Connecticut's 4th district\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Connecticut born Alfred N Phillips, a Democrate, worked as Member of the U.S. House of Representatives from Connecticut's 4th district and was succeded by Albert E. Austin." }, { "source": "webnlg", "text": "Alfred N. Phillips, born in Connecticut was a member of the United States Democratic Party and worked as a Member of the U.S. House of Representatives from the Connecticut's 4th district. His successor was Albert E. Austin." }, { "source": "webnlg", "text": "Alfred N. Phillips was born in Connecticut and he was a member of the Democratic Party United States and a member of the U. S. House of Representatives from Connecticut's 4th district. Albert E. Austin succeeded Alfred N. Phillips." } ] }, { "tripleset": [ [ "Alfred N. Phillips", "PARTY", "Democratic Party (United States)" ], [ "Alfred N. Phillips", "SUCCESSOR", "Albert E. Austin" ], [ "Alfred N. Phillips", "BIRTH_PLACE", "Darien, Connecticut" ], [ "Alfred N. Phillips", "OFFICE_(WORKED_AT,_WORKED_AS)", "Mayor of Stamford, Connecticut" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Darien, Connecticut is the birthplace of Alfred N. Phillips, who was Mayor of Stamford, Connecticut. Alfred N. Phillips, was a member of the Democratic Party in the United States and was succeeded Alfred N. Phillips." }, { "source": "webnlg", "text": "Darien, Connecticut is the birthplace of Alfred N. Phillips and he was a member of the United States Democratic Party. He was also the Mayor of Stamford Connecticut and his successor was Albert E. Austin." }, { "source": "webnlg", "text": "United States Democratic Party member and Stamford, Connecticut Mayor Alfred N. Phillips was born in Stamford. He was succeeded by Albert E. Austin." } ] }, { "tripleset": [ [ "Allan Shivers", "PARTY", "Democratic Party (United States)" ], [ "Allan Shivers", "SUCCESSOR", "Price Daniel" ], [ "Allan Shivers", "BIRTH_PLACE", "Lufkin, Texas" ], [ "Allan Shivers", "OFFICE_(WORKED_AT,_WORKED_AS)", "\"Governor of Texas\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Allan Shivers was born in Lufkin, Texas and served in the Democratic Party in the U.S. He worked as the Governor of Texas and was succeeded by, Price Daniel." }, { "source": "webnlg", "text": "U.S. Democratic Party member and Texas Governor, Allan Shivers, was born in Lufkin, Texas. He was succeeded by Price Daniel." }, { "source": "webnlg", "text": "United States Democratic Party member and Governor of Texas Allan Shivers was born in Lufkin, Texas and succeeded by Price Daniel." } ] }, { "tripleset": [ [ "Allan Shivers", "PARTY", "Democratic Party (United States)" ], [ "Allan Shivers", "SUCCESSOR", "Wilfred R. Cousins, Jr." ], [ "Allan Shivers", "BIRTH_PLACE", "Lufkin, Texas" ], [ "Allan Shivers", "OFFICE_(WORKED_AT,_WORKED_AS)", "\"Governor of Texas\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Allan Shivers was born in Lufkin, Texas and is a member of the Democratic Party in the United States. He served as the Governor of Texas and was succeeded by Wilfred R. Cousins Jr." }, { "source": "webnlg", "text": "Allan Shivers was born in Lufkin, Texas, and served in the Democratic Party of the US. He worked as the Governor of Texas and was eventually succeeded by Wilfred R Cousins Jr." }, { "source": "webnlg", "text": "Allan Shivers was born in Lufkin, Texas and was a Governor of the same state. He was also a member of the Democratic Party in the U.S and was later succeeded by Wilfred R.Cousins, Jr." } ] }, { "tripleset": [ [ "Alvah Sabin", "OFFICE_(WORKED_AT,_WORKED_AS)", "Secretary of State of Vermont" ], [ "Alvah Sabin", "REGION", "Vermont's 3rd congressional district" ], [ "Vermont", "LARGEST_CITY", "Burlington, Vermont" ], [ "Alvah Sabin", "STATE", "Vermont" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alvah Sabin worked in Vermont where he was secretary of the state and represented the 3rd Congressional District. The largest city in the state of Vermont is Burlington." }, { "source": "webnlg", "text": "Alvah Sabin is from the state of Vermont, which has the largest city of Burlington. Sabin worked as the Secretary of State of Vermont and represented Vermont's 3rd Congressional District." }, { "source": "webnlg", "text": "Vermont Secretary of State and 3rd Congressional District representative Alvah Sabin is from Vermont (which includes largest city, Burlington)." } ] }, { "tripleset": [ [ "Alvah Sabin", "PARTY", "Whig Party (United States)" ], [ "Whig Party (United States)", "LEADER_NAME", "Daniel Webster" ], [ "Alvah Sabin", "REGION", "Vermont" ], [ "Vermont", "LARGEST_CITY", "Burlington, Vermont" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The largest city in Vermont is Burlington and Alvah Sabin represented Vermont because he belongs to the Whig Party (United States). Daniel Webster was a leader of the Whig Party in the United States." }, { "source": "webnlg", "text": "Alvah Sabin was a member of the Whig Party of the United States and he represented Vermont, whose biggest city is Burlington. Daniel Webster was a leader of the Whig Party in the United States." }, { "source": "webnlg", "text": "Whig Party of the United States was led by Daniel Webster. Member Alvah Sabin represented Burlington and the rest of Vermont." } ] }, { "tripleset": [ [ "Battle of Gettysburg", "IS_PART_OF_MILITARY_CONFLICT", "American Civil War" ], [ "American Civil War", "COMMANDER", "Robert E. Lee" ], [ "Aaron S. Daggett", "BATTLES", "Battle of Gettysburg" ], [ "Aaron S. Daggett", "AWARD", "Purple Heart" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "One of the commanders during the American Civil War was Robert E Lee. The conflict included the Battle of Gettysburg in which Aaron S Daggett took part and was awarded the Purple Heart." }, { "source": "webnlg", "text": "The Battle of Gettysburg took place during the American Civil War when Robert E Lee was a commander. Aaron S Daggett fought at the Battle of Gettysburg and was awarded the Purple Heart." }, { "source": "webnlg", "text": "Aaron S. Daggett fought at the Battle of Gettysburg, part of the American Civil War. He was given the Purple Heart. A commander in that war was Robert E. Lee." } ] }, { "tripleset": [ [ "Juan Per\u00f3n", "PARTY", "Labour Party (Argentina)" ], [ "Alberto Teisaire", "NATIONALITY", "Argentina" ], [ "Argentina", "LANGUAGE", "Spanish language" ], [ "Alberto Teisaire", "IN_OFFICE_WHILE_PRESIDENT", "Juan Per\u00f3n" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alberto Teisaire, is a national of Argentina, where Spanish is spoken. Alberto Teisaire, was in office while Juan Per\u00f3n was president. Juan Per\u00f3n was a member of the Labour Party in Argentina." }, { "source": "webnlg", "text": "Argentinian, Alberto Teisaire was in office while Juan Peron was President. Per\u00f3n was a member of the Labour Party in Argentina where the dominant language is Spanish." } ] }, { "tripleset": [ [ "Juan Per\u00f3n", "PARTY", "Labour Party (Argentina)" ], [ "Alberto Teisaire", "SUCCESSOR", "Isaac Rojas" ], [ "Alberto Teisaire", "BIRTH_PLACE", "Mendoza, Argentina" ], [ "Alberto Teisaire", "IN_OFFICE_WHILE_PRESIDENT", "Juan Per\u00f3n" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Juan Peron was a member of the Argentian Labour Party and during his Presidency Alberto Teisaire, who was born in Mendoza in Argentina, was in office. Isaac Rojas eventually succeeded Teisaire." }, { "source": "webnlg", "text": "Juan Peron was a member of the Labour Party of Argentina and during his Presidency Alberto Teisaire was in office. Teisaire was born in Mendoza in Argentina and was eventually succeeded by Isaac Rojas." }, { "source": "webnlg", "text": "Juan Peron (Labour Party) was President of Argentina; Alberto Teisaire, who was born in Mendoza, Argentina, held office when Juan Peron was president. The successor to Alberto Teisaire was Isaac Rojas." } ] }, { "tripleset": [ [ "AIDA Cruises", "LOCATION", "Germany" ], [ "Costa Crociere", "PARENT_COMPANY", "Carnival Corporation &amp; plc" ], [ "AIDAstella", "OPERATOR", "AIDA Cruises" ], [ "AIDAstella", "BUILDER", "Meyer Werft" ], [ "AIDAstella", "OWNER", "Costa Crociere" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "AIDAstella was built by Meyer Werft, owned by Costa Crociere, the parent company of which is, Carnival Corporation &amp; plc. AIDAstella is operated by AIDA Cruises which is located in Germany." }, { "source": "webnlg", "text": "Carnival Corporation &amp; plc is the parent company of Costa Crociere which is the owner of the AIDAstella. The AIDAstella was built by Meyer Werft and is operated by AIDA Cruises which is based in Germany." }, { "source": "webnlg", "text": "Carnival Corporation &amp; plc is the parent company of Costa Crociere, who own the AIDAstella. AIDAstella was built by Meyer Werft and is operated by AIDA Cruise Line, located in Germany . ." } ] }, { "tripleset": [ [ "AIDAstella", "OPERATOR", "AIDA Cruises" ], [ "AIDAstella", "SHIP_BEAM", "32.2" ], [ "AIDAstella", "TOP_SPEED", "38.892" ], [ "AIDAstella", "BUILDER", "Meyer Werft" ], [ "AIDAstella", "LENGTH", "253260.0 (millimetres)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "AIDAstella was built by Meyer Werft and is operated by AIDA Cruise Line. The AIDAstella has a beam of 32.2 m, is 253260.0 millimetres in length and has a beam of 32.2 m." }, { "source": "webnlg", "text": "The AIDAstella was built by Meyer Werft and operated by the AIDA Cruise Line. It is 253260.0 millimetres long with a beam of 32.2 metres and a top speed of 38.892 km/h." }, { "source": "webnlg", "text": "The AIDAstella is operated by AIDA Cruise Line and was built by Meyer Werft. It is 253260.0 millimetres in length, has a beam of 32.2m and a top speed of 38.892 km/h." } ] }, { "tripleset": [ [ "ALCO RS-3", "BUILDER", "American Locomotive Company" ], [ "ALCO RS-3", "LENGTH", "17068.8 (millimetres)" ], [ "ALCO RS-3", "CYLINDER_COUNT", "12" ], [ "ALCO RS-3", "BUILD_DATE", "\"May 1950 - August 1956\"" ], [ "ALCO RS-3", "ENGINE", "Four-stroke engine" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The ALCO RS-3, built by the American Locomotive Company, was produced Between May 1950 and August 1956. It has 12 cylinders, a four-stroke engine and is 17068.8 millimetres." }, { "source": "webnlg", "text": "The ALCO RS-3 was built by the American Locomotive Company and was produced between May 1950 and August 1956. It has a cylinder count of 12, is 17068.8 (millimetres) in length, and has a four-stroke engine." }, { "source": "webnlg", "text": "The ALCO RS-3 was made from May 1950 until August 1956 by the American Locomotive Company. It is 17068.8mm long, has a four-stroke engine and 12 cyclinders." } ] }, { "tripleset": [ [ "ALCO RS-3", "BUILDER", "American Locomotive Company" ], [ "ALCO RS-3", "LENGTH", "17068.8 (millimetres)" ], [ "ALCO RS-3", "CYLINDER_COUNT", "12" ], [ "ALCO RS-3", "ENGINE", "V12 engine" ], [ "ALCO RS-3", "BUILD_DATE", "\"May 1950 - August 1956\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The ALCO RS-3, produced between May 1950 and August 1956 by the American Locomotive Company, has 12 cylinders and a V12 engine and it's length is 17068.8 millimetres." }, { "source": "webnlg", "text": "The ALCO RS-3, built by the American Locomotive Company, has a V12 cylinder engine and is 17068.8mm long. It was produced from May 1950 to August 1956." }, { "source": "webnlg", "text": "The ALCO RS-3 was produced from May 1950 to August 1956 by the American Locomotive Company. It has a V12, 12 cylinder engine and is 17068.8mm long." } ] }, { "tripleset": [ [ "ALV X-1", "COUNTRY_ORIGIN", "United States" ], [ "United States", "ETHNIC_GROUP", "Native Americans in the United States" ], [ "United States", "DEMONYM", "Americans" ], [ "United States", "CAPITAL", "Washington, D.C." ], [ "United States", "ANTHEM", "The Star-Spangled Banner" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The inhabitants of the United States, from where ALV X-1 hails, are called Americans. The Star Spangled Banner is the national anthem of the united States, Washington D.C. is its capital city and Native Americans one of its ethnic groups ." }, { "source": "webnlg", "text": "The ALV X-1 originated in the United States where the inhabitants are known as Americans and include the ethnic group of Native Americans. The capital city is Washington DC and the national anthem is the Star Spangled Banner." }, { "source": "webnlg", "text": "The United States, has its capital at Washington D.C. and the national anthem as The Star Spangled Banner. It is home to Americans, Native Americans and the ALV X-1." } ] }, { "tripleset": [ [ "AMC Matador", "ALTERNATIVE_NAME", "\"American Motors Matador\"" ], [ "AMC Matador", "ASSEMBLY", "Thames, New Zealand" ], [ "AMC Matador", "BODY_STYLE", "Station wagon" ], [ "AMC Matador", "CLASS", "Mid-size car" ], [ "AMC Matador", "ENGINE", "AMC V8 engine" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The AMC Matador (also known as the American Motors Matador) is assembled in Thames, New Zealand. Classified as a mid-size car, it features a wagon style body and an AMC V8 engine." }, { "source": "webnlg", "text": "The AMC Matador, also known as American Motors Matador, was assembled in Thames, New Zealand. The AMC Matador is a mid-size station wagon with a V8 engine type." }, { "source": "webnlg", "text": "The AMC Matador aka the American Motors Matador, is assemebled in Thames, New Zealand, has a v8 engine, and is classified as a mid size car." } ] }, { "tripleset": [ [ "Alhambra", "OWNER", "P&amp;O (company)" ], [ "P&amp;O (company)", "LOCATION", "London" ], [ "Alhambra", "SHIP_BEAM", "8.3 m" ], [ "Alhambra", "POWER_TYPE", "Humphrys, Tennant and Dykes" ], [ "Alhambra", "BUILDER", "Samuda Brothers" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "P&amp;O company is located in London and owns the Alhambra which was built by, the Samuda Brothers. The Alhambra has an 8.3m ship beam and is powered by a Humphrys, Tennant and Dykes engine." }, { "source": "webnlg", "text": "A transport London company called P&amp;O owns the Alhambra ship which contains a Humphrys, Tennant and Dykes power type and has a ship beam of 8.3 m. The ship was built by the Samuda Brothers." }, { "source": "webnlg", "text": "The Alhambra, with an 8.3m ship beam, is powered by a a Humphrys, Tennant and Dykes. It is owned by London based, P&amp;O and built by the Samuda Brothers." } ] }, { "tripleset": [ [ "American Motors", "SUCCESSOR", "Eagle (automobile)" ], [ "American Motors", "SUBSIDIARY", "Wheel Horse" ], [ "AMC Matador", "MANUFACTURER", "American Motors" ], [ "American Motors", "FATE", "Chrysler" ], [ "American Motors", "KEY_PERSON", "Roy D. Chapin, Jr." ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "AMC Matador is manufactured by American Motors, a key person of the company is Roy D Chapin Jr. The Wheel Horse is a subsidiary of American Motors which was succeeded by Eagle and acquired by Chrysler." }, { "source": "webnlg", "text": "The AMC Matador is manufactured by American Motors, whose subsidiary is The Wheel Horse and successor is Eagle. American Motors was acquired by Chrysler and Roy D Chapin Jr is a key person there." }, { "source": "webnlg", "text": "Roy D Chapin Jr is a key person at American Motors who manufactured the AMC Matador. The company was acquired by Chrysler, was succeeded by Eagle ad has a subsidiary known as The Wheel Horse." } ] }, { "tripleset": [ [ "American submarine NR-1", "SHIP_LAUNCH", "1969-01-25" ], [ "American submarine NR-1", "TOP_SPEED", "8.334" ], [ "American submarine NR-1", "SHIP_DRAFT", "4.6 m" ], [ "American submarine NR-1", "LENGTH", "45000.0 (millimetres)" ], [ "American submarine NR-1", "SHIP_BEAM", "3.8 m" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The American Submarine NR-1 has a ship beam of 3.8 m, a ship draft of 4.6m, is 45000.0 (millimetres) long and has a top speed of 8.334 km/h. It was launched on The 25th of January 1969." }, { "source": "webnlg", "text": "The American submarine NR-1 which was launched on January 25th 1969 has a top speed of 8.334 km/h. It has a 3.8m ship beam, a draft of 4.6m and measures 45000 mms in length." }, { "source": "webnlg", "text": "The American submarine NR-1 that was launched on 25th of January 1969 has a top speed of 8.334 km/h. It has a draft of 4.6m, a ship beam of 3.8m and has a total length of 45000 mms." } ] }, { "tripleset": [ [ "Antares (rocket)", "LAUNCH_SITE", "Mid-Atlantic Regional Spaceport" ], [ "Antares (rocket)", "COMPARABLE", "Delta II" ], [ "Delta II", "COUNTRY_ORIGIN", "United States" ], [ "Antares (rocket)", "LAUNCH_SITE", "Mid-Atlantic Regional Spaceport Launch Pad 0" ], [ "Mid-Atlantic Regional Spaceport Launch Pad 0", "ASSOCIATED_ROCKET", "Minotaur IV" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Minotaur IV rocket was launched from the Mid-Atlantic Regional Spaceport Launch Pad 0, the same launch site that the Antares rocket was launched from. The rocket Antares is comparable to Delta II which is from the United States." }, { "source": "webnlg", "text": "The Antares rocket is comparable to the Delta II, which originates from the United States. The launch site of the Antares was the Mid Atlantic Regional Spaceport Launch Pad 0, which is also associated with the rocket Minotaur IV." }, { "source": "webnlg", "text": "The Minotaur IV rocket is associated with the Mid-Atlantic Regional Spaceport Launch Pad 0 which is also the launch site of the Antares Rocket. The rocket is comparable to the Delta II from the United States." } ] }, { "tripleset": [ [ "Antares (rocket)", "MANUFACTURER", "Yuzhnoye Design Office" ], [ "Antares (rocket)", "FINAL_FLIGHT", "2014-07-13" ], [ "Antares (rocket)", "MAIDEN_FLIGHT", "2014-10-28" ], [ "Antares (rocket)", "LAUNCH_SITE", "Mid-Atlantic Regional Spaceport Launch Pad 0" ], [ "Antares (rocket)", "DIAMETER", "3.9 (metres)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Yuzhnoye Design Office created the Antares rocket whose initial flight took place July 13, 2014 at the Mid-Atlantic Regional Spaceport Launch Pad 0. The rocket is 3.9 m in diameter and took its last trip on Oct. 28, 2014." }, { "source": "webnlg", "text": "The Antares rocket's maiden flight was on the 28th October 2014 and its last flight on 2014-07-13. Its launch site was the Mid-Atlantic Regional Spaceport Launch Pad 0. It is manufactured at the Yuzhnoye Design Office and is 3.9 m in diameter." }, { "source": "webnlg", "text": "The Antares rocket was made by the Yuzhnoye Design Office and is 3.9 m in diameter. It launched at the Mid-Atlantic Regional Spaceport Launch Pad 0 making the first flight on 28 October 2014 and the final flight on 13 July 2014." } ] }, { "tripleset": [ [ "Antares (rocket)", "MANUFACTURER", "Yuzhnoye Design Office" ], [ "Antares (rocket)", "MAIDEN_FLIGHT", "2014-10-28" ], [ "Antares (rocket)", "LAUNCH_SITE", "Mid-Atlantic Regional Spaceport Launch Pad 0" ], [ "Antares (rocket)", "DIAMETER", "3.9 (metres)" ], [ "Antares (rocket)", "FINAL_FLIGHT", "2013-09-18" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Antares rocket is 3.9 metres in diametre and is manufactured by the Yuzhnoye Design Office. Its launch site was the Mid-Atlantic Regional Spaceport Launch Pad 0. The Antares rocket made its first flight on October 28th, 2014 and its final flight on September 18th, 2013." }, { "source": "webnlg", "text": "The Antares rocket, manufactured by the Yuzhnoye Design Office, was launched from the Mid-Atlantic Regional Spaceport Launch Pad 0. At 3.9m in diameter, the Antares rocket had its maiden flight on the 28th October, 2014 and final flight on the 18th of September, 2013." }, { "source": "webnlg", "text": "The Antares rocket, which was manufactured at the Yuzhnoye Design Office, made its first flight on October 28, 2014 and had its final flight on the 18th of September 2013. It is 3.9 m in diameter, and was launched from the Mid-Atlantic Regional Spaceport Launch Pad 0." } ] }, { "tripleset": [ [ "Ariane 5", "FINAL_FLIGHT", "2009-12-18" ], [ "Ariane 5", "MAIDEN_FLIGHT", "2005-08-11" ], [ "Ariane 5", "MANUFACTURER", "Airbus Defence and Space" ], [ "Ariane 5", "LAUNCH_SITE", "Guiana Space Centre" ], [ "Ariane 5", "DIAMETER", "5.4 (metres)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Ariane 5 had its first voyage August 11, 2005 and its last flight on December 18, 2009. It was manufactured by Airbus Defence and Space and launched from the Guiana Space Centre. Its diameter is 5.4 metres." }, { "source": "webnlg", "text": "The Airbus Defence and Space manufactured the Ariane 5 which has a diameter of 5.4 metres. It was launched from the Guiana Space Centre, making its maiden flight on 11 August 2005 and the final flight on 18 December 2009." }, { "source": "webnlg", "text": "The Airbus Defence and Space manufactures the Ariane 5 which has a diameter of 5.4 metres. It launched from the Guiana Space Centre, making its maiden flight on 11 August 2005 and the last flight on December 18 2009." } ] }, { "tripleset": [ [ "Arianespace", "LOCATION_CITY", "Courcouronnes" ], [ "Guiana Space Centre", "HEADQUARTER", "French Guiana" ], [ "ELA-3", "SITE", "Guiana Space Centre" ], [ "Ariane 5", "LAUNCH_SITE", "ELA-3" ], [ "ELA-3", "OPERATOR", "Arianespace" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Ariane 5 was launched at the ELA-3, which is located at the Guiana Space Centre, which has its own HQ in French Guiana. The ELA-3 is operated by Arianespace, which is located in Courcouronnes." }, { "source": "webnlg", "text": "The Guiana Space Centre's headquarters are located in French Guiana, it is the location of the ELA-3 launchpad where the Ariane 5 was launched. ELA-3 is operated by Arianespace, which is located in Courcouronnes." }, { "source": "webnlg", "text": "The ELA-3 is located at the Guiana Space Centre (headquarters: French Guiana), is operated by, the Courcouronnes area, Arianespace and is the launch place of the Ariane 5." } ] }, { "tripleset": [ [ "Aston Martin V8", "RELATED_MEAN_OF_TRANSPORTATION", "Aston Martin DBS" ], [ "Aston Martin DBS", "SUCCESSOR", "Aston Martin Vantage" ], [ "Aston Martin V8", "ASSEMBLY", "Newport Pagnell" ], [ "Aston Martin V8", "ENGINE", "5.3 (litres)" ], [ "Aston Martin V8", "MANUFACTURER", "Aston Martin" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Aston Martin V8, manufactured by Aston Martin, is related to the Aston Martin DBS and was succeeded by the Aston Martin Vantage. Its engine volume is 5.3 litres. and it is assembled at Newport Pagnell." }, { "source": "webnlg", "text": "The Aston Martin DBS (later succeeded by the AM Vantage) and the Aston Martin V8 are related means of transport. The latter is assembled at Newport Pagnell by Aston Martin and has a 5.3 litre engine volume." }, { "source": "webnlg", "text": "The Aston Martin Vantage succeeded the Aston Martin DBS which is a related means of transport to the Aston Martin V8. The latter car was made by Aston Martin, has a 5.3 litre engine and is assembled at Newport Pagnell." } ] }, { "tripleset": [ [ "Aston Martin V8", "RELATED_MEAN_OF_TRANSPORTATION", "Aston Martin DBS" ], [ "Aston Martin V8", "BODY_STYLE", "Coup\u00e9" ], [ "Aston Martin V8", "ENGINE", "5.3 (litres)" ], [ "Aston Martin V8", "RELATED_MEAN_OF_TRANSPORTATION", "Aston Martin RHAM/1" ], [ "Aston Martin V8", "ASSEMBLY", "Newport Pagnell" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Aston Martin V8, related to the Aston Martin DBS and the Aston Martin RHAM/1 , is a Coupe with an engine volume of 5.3 litres. It is assembled in Newport Pagnell." }, { "source": "webnlg", "text": "The Aston Martin RHAM/1, and the Aston Martin DBS are related means of transport to the Aston Martin V8. The latter vehicle is a coupe with a 5.3 litre engine and is assembled at Newport Pagnell." } ] }, { "tripleset": [ [ "Aston Martin V8", "RELATED_MEAN_OF_TRANSPORTATION", "Aston Martin DBS" ], [ "United Kingdom", "LEADER_NAME", "Elizabeth II" ], [ "Aston Martin V8", "ASSEMBLY", "United Kingdom" ], [ "Aston Martin V8", "SUCCESSOR", "Aston Martin Virage" ], [ "Aston Martin Virage", "MANUFACTURER", "Aston Martin" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Aston Martin V8, assembled in the United Kingdom (leader:Elizabeth II), was succeeded by the Aston Martin Virage which was manufactured by Aston Martin. The V8 and the Virage are relative means of transport with the Aston MArtin DBS." }, { "source": "webnlg", "text": "The Aston Martin V8, suceeded by the the Aston Martin Virage and made n the United Kingdom, led by Elizabeth II. The Vs, the Virage (made by Aston Martin) and the Aston Martin DBS, are related modes of transportation." } ] }, { "tripleset": [ [ "Audi A1", "ENGINE", "1.2 (litres)" ], [ "Audi A1", "LAYOUT", "Front-engine, front-wheel-drive layout" ], [ "Audi A1", "ASSEMBLY", "\"Brussels, Belgium\"" ], [ "Audi A1", "CLASS", "Supermini" ], [ "Audi A1", "BODY_STYLE", "Hatchback" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Audi A1 hatchback is a supermini vehicle made in Brussels, Belgium. It contains a 1.2 l front engine with a front wheel drive layout." }, { "source": "webnlg", "text": "The Audi A1 is a hatchback belonging to the supermini class. It has a 1.2 litre engine, a front-engine with front-wheel-drive and is assembled in Brussels, Belgium." }, { "source": "webnlg", "text": "The Audi A1 is a supermini hatchback assembled in Brussels, Belgium. It has a front-engine with front-wheel-drive and a 1.2 litre engine." } ] }, { "tripleset": [ [ "Audi A1", "MANUFACTURER", "Audi" ], [ "Audi", "FOUNDED_BY", "August Horch" ], [ "Audi", "SUBSIDIARY", "Ducati" ], [ "Audi", "DIVISION", "Audi e-tron" ], [ "Audi", "SUBSIDIARY", "Lamborghini" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Audi A1 is made by Audi, the company which was founded by August Horch. Audi e-tron is a division of Audi which has Lamborghini and Ducati as subsidiaries." }, { "source": "webnlg", "text": "Made by Audi, whose founder is August Horch, is the Audi A1. Subsidiaries of Audi are the Ducati, Audi e-tron and Lamborghini." }, { "source": "webnlg", "text": "Audi, which was founded by August Horch, owns the company Ducati and manufactures the Audi A1. It also has a sub-division known as Audi e-tron and the subsidiary company Lamborghini." } ] }, { "tripleset": [ [ "Caterpillar Inc.", "FOUNDATION_PLACE", "California" ], [ "Caterpillar Inc.", "FOUNDATION_PLACE", "United States" ], [ "Caterpillar Inc.", "LOCATION", "Peoria, Illinois" ], [ "AIDAluna", "OWNER", "AIDA Cruises" ], [ "AIDAluna", "POWER_TYPE", "Caterpillar Inc." ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Caterpillar Inc. founded in California in the U.S. is now in Peoria, Ill. That company powered the AIDAluna craft and is owned by AIDA Cruises." }, { "source": "webnlg", "text": "The power type of the AIDAluna, owned by AIDA Cruises, is the Caterpillar Inc. engine. Caterpillar, Inc. was founded in California in the U.S. and is located in Peoria, Illinois." }, { "source": "webnlg", "text": "Caterpillar Inc. was founded in California, United States, and is located in Peoria, Illinois. The company provide the engine to power the AIDAluna which is owned by AIDA Cruises." } ] }, { "tripleset": [ [ "Caterpillar Inc.", "KEY_PERSON", "Douglas R. Oberhelman" ], [ "Caterpillar Inc.", "FOUNDATION_PLACE", "United States" ], [ "AIDA Cruises", "LOCATION", "Rostock" ], [ "AIDAluna", "OWNER", "AIDA Cruises" ], [ "AIDAluna", "POWER_TYPE", "Caterpillar Inc." ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "AIDA Cruises, located at Rostock, is owned by AIDAluna. AIDAluna is powered by Caterpillar Inc., which was founded in the U.S. and is led by Douglas R. Oberhelman." }, { "source": "webnlg", "text": "Douglas R. Oberhelman is the key person at Caterpillar Inc which was founded in the United states. The company powers the AIDAluna which is owned by AIDA Cruises located in Rostock." }, { "source": "webnlg", "text": "AIDAluna is powered by the United States' Caterpillar Inc., with key figure, Douglas R. Oberhelman. AIDAluna is owned by Rostock area, AIDA Cruises." } ] }, { "tripleset": [ [ "Caterpillar Inc.", "KEY_PERSON", "Douglas R. Oberhelman" ], [ "Caterpillar Inc.", "FOUNDATION_PLACE", "United States" ], [ "Caterpillar Inc.", "LOCATION", "Peoria, Illinois" ], [ "AIDAluna", "OWNER", "AIDA Cruises" ], [ "AIDAluna", "POWER_TYPE", "Caterpillar Inc." ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "AIDAluna, owned by AIDA Cruises, is powered by Caterpillar Inc., where Douglas R. Oberhelman is a key person. Caterpillar Inc. was founded in the United States and is in Peoria, Illinois." }, { "source": "webnlg", "text": "Douglas R. Oberhelman is a key person at Caterpillar Inc. who provide the power type for the AIDAluna owned by AIDA Cruises. The company was founded in the United States and located in Peoria, Illinois." }, { "source": "webnlg", "text": "Douglas R Oberhelman is a key person at Caterpillar Inc. which was founded in the United States and located in Peoria, Illinois. The AIDAluna, which is owned by AIDA Cruises is powered by the company." } ] }, { "tripleset": [ [ "Costa Crociere", "LOCATION", "Genoa" ], [ "Costa Crociere", "PARENT_COMPANY", "Carnival Corporation &amp; plc" ], [ "AIDAstella", "OPERATOR", "AIDA Cruises" ], [ "AIDAstella", "BUILDER", "Meyer Werft" ], [ "AIDAstella", "OWNER", "Costa Crociere" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Carnival Corporation &amp; plc is the parent company of Costa Crociere in Genoa, who own the AIDAstella. AIDAstella was built by Meyer Werft and is operated by AIDA Cruises." }, { "source": "webnlg", "text": "The AIDAstella, which was built by Meyer Werft, is operated by AIDA Cruises. It's owner are Costa Crociere who are located in Genoa and a subsidiary of Carnival Corporation &amp; Plc." }, { "source": "webnlg", "text": "Meyer Werft built the AIDAstella which is operated by the AIDA Cruise Line. It is owned by Costa Crociere who are located in Genoa and have Carnival Corporation &amp; plc as their parent company." } ] }, { "tripleset": [ [ "Finland", "DEMONYM", "Finns" ], [ "Finland", "LANGUAGE", "Sami languages" ], [ "Finland", "LEADER_NAME", "Juha Sipil\u00e4" ], [ "Aleksey Chirikov (icebreaker)", "BUILDER", "Finland" ], [ "Aleksey Chirikov (icebreaker)", "BUILDER", "Arctech Helsinki Shipyard" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Finland's Arctech Helsinki Shipyard built the icebreaker, Aleksey Chirikov. Juha Sipila leads Finland, where the people are known as Finns and Sami languages are spoken." }, { "source": "webnlg", "text": "Finland is led by Juha Sipila and is home to the Finns. Sami languages are spoken there and the icebreaker ship, Aleksey Chirikov, was built there in the Arctech Helsinki Shipyard." }, { "source": "webnlg", "text": "The icebreaker Aleksey Chirikov was built at the Arctech Helsinki Shipyard in Finland. The country is led by Juha Sipila, uses the Sami language and the inhabitants are known as Finns." } ] }, { "tripleset": [ [ "Germany", "CAPITAL", "Berlin" ], [ "Neptun Werft", "LOCATION_CITY", "Rostock" ], [ "Germany", "LEADER_NAME", "Joachim Gauck" ], [ "Rostock", "COUNTRY", "Germany" ], [ "A-Rosa Luna", "BUILDER", "Neptun Werft" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The A Rosa Luna was built on the Neptun Werft, located in Rostock, Germany. Germany (whose capital city is Berlin) is led by Joachim Gauck." }, { "source": "webnlg", "text": "The builder of the A-Rosa is Neptun Werft whose HQ is in Rostock, Germany. Berlin is the capital in that country and Joachim Gauck is the name of one of its leaders." }, { "source": "webnlg", "text": "The A-Rosa was built by Neptun Werft in Rostock, Germany. Joachim Gauck is a leader of Germany, with its capital at Berlin." } ] }, { "tripleset": [ [ "Germany", "LEADER_NAME", "Andreas Vo\u00dfkuhle" ], [ "Germany", "CAPITAL", "Berlin" ], [ "Neptun Werft", "LOCATION_CITY", "Rostock" ], [ "Rostock", "COUNTRY", "Germany" ], [ "A-Rosa Luna", "BUILDER", "Neptun Werft" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Neptun Werft of Rostock, Germany made the A-Rosa Luna. Berlin is the capital of Germany and Andreas Vo\u00dfkuhle is a leader there." }, { "source": "webnlg", "text": "The A Rosa Luna was built on the Neptun Werft which is found in Rostock, Germany. Berlin is its capital and Andreas Vosskuhle is one leader there." }, { "source": "webnlg", "text": "The A Rosa Luna was built on the Neptun Werft which is headquartered in Rostock, Germany. Andreas Vosskuhle is a leader in Germany and Berlin is the capital. ." } ] }, { "tripleset": [ [ "United States", "DEMONYM", "Americans" ], [ "United States", "CAPITAL", "Washington, D.C." ], [ "United States", "LANGUAGE", "English language" ], [ "Atlas II", "COUNTRY_ORIGIN", "United States" ], [ "United States", "ETHNIC_GROUP", "Native Americans in the United States" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Atlas II is from the United States, whose capital is Washington, D.C. Inhabitants of the United States are called Americans, and english is a spoken language there. An ethnic group called Native Americans is also located in the United States." }, { "source": "webnlg", "text": "The United States, has a capital city of Washington D.C., it's inhabitants are known as Americans and an ethnic group that lives there are Native Americans. The language of the US is English and it is the creator of the Atlas II." }, { "source": "webnlg", "text": "The, English speaking, United States, with its capital in Washington D.C., is home to American, Native Americans and the Atlas II." } ] }, { "tripleset": [ [ "Abel Hern\u00e1ndez", "YOUTH_CLUB", "Pe\u00f1arol" ], [ "Central Espa\u00f1ol", "LEAGUE", "Uruguayan Segunda Divisi\u00f3n" ], [ "Abel Hern\u00e1ndez", "CLUB", "Central Espa\u00f1ol" ], [ "Pe\u00f1arol", "MANAGER", "Jorge Orosm\u00e1n da Silva" ], [ "Abel Hern\u00e1ndez", "CLUB", "U.S. Citt\u00e0 di Palermo" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Penarol, where Abel Hernandez played youth football, is managed by Jorge Orosm\u00e1n da Silva. Hernandez later played for Uruguayan Segunda Divisi\u00f3n side Central Espa\u00f1ol and then moved to U.S. Citt\u00e0 di Palermo." }, { "source": "webnlg", "text": "Abel Hernandez is a member of Penarol's youth club and the club is managed by Jorge Orosm\u00e1n da Silva. US Citta di Palermo and the Central Espanol are also Mr. Hernandez's clubs. The latter club is part of the Uruguayan Segunda Divisi\u00f3n league." }, { "source": "webnlg", "text": "In his youth, Abel Hern\u00e1ndez played for Pe\u00f1arol where Jorge Orosman da Silva is the manager. He currently plays for US Citta di Palermo and also in the Uruguayan Segunda Division league with Central Espanol." } ] }, { "tripleset": [ [ "Aleksandr Chumakov", "DEATH_PLACE", "Russia" ], [ "Russia", "LEADER_NAME", "Valentina Matviyenko" ], [ "Aleksandr Chumakov", "CLUB", "FC Torpedo Moscow" ], [ "Aleksandr Chumakov", "CLUB", "Soviet Union national football team" ], [ "FC Torpedo Moscow", "MANAGER", "Valery Petrakov" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Aleksandr Chumakov, who died in Russia, belonged to FC Torpedo Moscow and the Soviet Union national football team. FC Torpedo is managed by FC Torpedo, a Russian leader." }, { "source": "webnlg", "text": "Former Soviet Union international footballer Aleksandr Chumakov died in Russia, where the leader is Valentina Matviyenko. FC Torpedo Moscow, managed by Valery Petrakov, once signed Aleksandr Chumakov." }, { "source": "webnlg", "text": "Aleksandr Chumakov died in Russia where Valentina Matviyenko is a leader. He belongs to the Soviet Union national football team and has played for FC Torpedo Moscow under the manager Valery Petrakov." } ] }, { "tripleset": [ [ "Aleksandre Guruli", "CLUB", "FC Karpaty Lviv" ], [ "FC Karpaty Lviv", "MANAGER", "Oleh Luzhny" ], [ "Olympique Lyonnais", "CHAIRMAN", "Jean-Michel Aulas" ], [ "Aleksandre Guruli", "CLUB", "Olympique Lyonnais" ], [ "Olympique Lyonnais", "GROUND", "Parc Olympique Lyonnais" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Aleksandre Guruli's club is Olympique Lyonnais who are chaired by Jean-Michel Aulas and have their home ground at the Parc Olympique Lyonnais stadium. He also plays for FC Karpaty Lviv who are managed by Oleh Luzhny." }, { "source": "webnlg", "text": "Aleksandre Guruli played for the Olympique Lyonnais club who play their home games at the Parc Olympique Lyonnais and have the chairman, Jean-Michel Aulas. His current club is FC Karpaty Lviv managed by Oleh Luzhny." }, { "source": "webnlg", "text": "Aleksandre Guruli played for FC Karpaty Lviv who are managed by Oleh Luzhny. Guruli has also played for Olympique Lyonnais whose home ground is the Parc Olympique Lyonnais and whose chairman is Jean-Michel Aulas." } ] }, { "tripleset": [ [ "Alessio Romagnoli", "CLUB", "A.C. Milan" ], [ "A.C. Milan", "LEAGUE", "Serie A" ], [ "A.C. Milan", "MANAGER", "Sini\u0161a Mihajlovi\u0107" ], [ "Alessio Romagnoli", "POSITION", "Defender (football)" ], [ "Alessio Romagnoli", "CLUB", "U.C. Sampdoria" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The defender, Alessio Romagnoli is a member of the Serie A league club A.C. Milan who are managed by Sinisa Mihajlovic. He is also connected to UC Sampdoria." }, { "source": "webnlg", "text": "Defender Alessio Romagnoli, whose former clubs include UC Sampdoria, has played for the Serie A side AC Milan, which is managed by Sini\u0161a Mihajlovi\u0107." }, { "source": "webnlg", "text": "Alessio Romagnoli is a defender who plays for UC Sampdoria. He also plays in Serie A for AC Milan who are managed by Sinisa Mihajlovic." } ] }, { "tripleset": [ [ "Alessio Romagnoli", "CURRENT_CLUB", "A.C. Milan" ], [ "A.C. Milan", "MANAGER", "Sini\u0161a Mihajlovi\u0107" ], [ "A.C. Milan", "CHAIRMAN", "Silvio Berlusconi" ], [ "Alessio Romagnoli", "CLUB", "Italy national under-17 football team" ], [ "Alessio Romagnoli", "CLUB", "U.C. Sampdoria" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alessio Romagnoli belongs to A.C. Milan and plays for U.C. Sampdoria and Italy's national under-17 football tea,. A C Milan is managed by Sini\u0161a Mihajlovi\u0107 and includes chairman Silvio Berlusconi." }, { "source": "webnlg", "text": "Alessio Romagnoli is a member of the Italian national under 17 football team and has represented the club U.C. Sampdoria. He is presently with the AC Milan that is managed by Sini\u0161a Mihajlovi\u0107 and whose chairman is Silvio Berlusconi." } ] }, { "tripleset": [ [ "Central Espa\u00f1ol", "LEAGUE", "Uruguayan Segunda Divisi\u00f3n" ], [ "Abel Hern\u00e1ndez", "YOUTH_CLUB", "Central Espa\u00f1ol" ], [ "U.S. Citt\u00e0 di Palermo", "MANAGER", "Giuseppe Iachini" ], [ "Abel Hern\u00e1ndez", "CLUB", "Uruguay national football team" ], [ "Abel Hern\u00e1ndez", "CLUB", "U.S. Citt\u00e0 di Palermo" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Abel Hern\u00e1ndez played youth football for Central Espa\u00f1ol part of the Uruguayan Segunda Divisi\u00f3n league. Mr. Hernandez plays for the US Citta di Palermo and the Uruguay National football team. Giuseppe Iachini manages the U.S. Citt\u00e0 di Palermo team." }, { "source": "webnlg", "text": "Central Espa\u00f1ol, where Abel Hernandez played youth football, are part of the Uruguayan Segunda Divisi\u00f3n league. Hern\u00e1ndez has represented Uruguay at international level and also played for the club U.S. Citt\u00e0 di Palermo, where the manager is Giuseppe Iachini." }, { "source": "webnlg", "text": "Abel Hernandez played youth football for Central Espanol, part of the Uruguayan Segunda Divisi\u00f3n league. He plays for the US Citta di Palermo, managed by Giuseppe Iachini, and the Uruguay National football team." } ] }, { "tripleset": [ [ "FC Spartak Moscow", "CHAIRMAN", "Sergey Rodionov" ], [ "FC Spartak Moscow", "GROUND", "Otkrytiye Arena" ], [ "Aleksandr Prudnikov", "CLUB", "FC Spartak Moscow" ], [ "Aleksandr Prudnikov", "CLUB", "FC Amkar Perm" ], [ "FC Amkar Perm", "MANAGER", "Gadzhi Gadzhiyev" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Aleksandr Prudnikov's club is FC Spartak Moscow who have Sergey Rodionov as their chairman and play at the Otkrytiye arena. He also plays for FC Amkar Perm who are managed by Gadzhi Gadzhiyev." }, { "source": "webnlg", "text": "Aleksandr Prudnikov plays for FC Spartak Moscow who have their home ground at Otkrytiye Arena and are chaired by Sergey Rodionov. He also plays for FC Amkar Perm under the management of Gadzhi Gadzhiyev." }, { "source": "webnlg", "text": "Sergey Rodionov is the chairman of FC Spartak Moscow, who play at the Otkrytiye Arena and count Aleksandr Prudnikov as one of their former players. Prudnikov has also played for FC Amkar Perm, where the manager was Gadzhi Gadzhiyev." } ] }, { "tripleset": [ [ "FC Spartak Moscow", "CHAIRMAN", "Sergey Rodionov" ], [ "FC Terek Grozny", "GROUND", "Grozny" ], [ "Aleksandr Prudnikov", "CLUB", "FC Spartak Moscow" ], [ "Aleksandr Prudnikov", "CLUB", "FC Terek Grozny" ], [ "FC Terek Grozny", "MANAGER", "Rashid Rakhimov" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Aleksandr Prudnikov has played for the clubs FC Terek Grozny (based in Grozny), where the manager was Rashid Rakhimov and FC Spartak Moscow, whose chairman is Sergey Rodionov." }, { "source": "webnlg", "text": "Aleksandr Prydnikov belongs to FC Terek Grozny, which is managed by Rashid Rakhimov, and has its grounds at Grozny. Prudnikov plays for FC Spartak Moscow, which includes chairman Sergey Rodionov." }, { "source": "webnlg", "text": "Aleksandr Prudnikov belongs to FC Terek Grozny, which is managed by Rashid Rakhimov and has it grounds at Grozny. He played for FC Spartak Moscow, which includes Sergey Rodionov." } ] }, { "tripleset": [ [ "FC Terek Grozny", "GROUND", "Grozny" ], [ "Aleksandr Prudnikov", "YOUTH_CLUB", "FC Spartak Moscow" ], [ "Aleksandr Prudnikov", "CLUB", "FC Terek Grozny" ], [ "FC Terek Grozny", "MANAGER", "Rashid Rakhimov" ], [ "Aleksandr Prudnikov", "CLUB", "FC Dynamo Moscow" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Aleksandr Prudnikov played for FC Spartak Moscow's youth team and later for FC Dynamo Moscow. He has also been signed to Grozy based FC Terek Grozny, who are managed by Rashid Rakhimov." }, { "source": "webnlg", "text": "Aleksandr Prudnikov once played for FC Spartak Moscow's youth team but now plays for the FC Dynamo Moscow and the FC Terek Grozny out of Grozny. The FC Terek Grozny sees a manager in Rashid Rakhimov." }, { "source": "webnlg", "text": "Aleksandr Prudnikov's club is FC Dynamo Moscow although he previously played for FC Spartak Moscow's youth team. He is currently in the Grozny based FC Terek Grozny club under their manager, Rashid Rakhimov." } ] }, { "tripleset": [ [ "FC Torpedo Moscow", "SEASON", "2014\u201315 Russian Premier League" ], [ "Aleksandr Chumakov", "BIRTH_PLACE", "Soviet Union" ], [ "Aleksandr Chumakov", "CLUB", "FC Torpedo Moscow" ], [ "Aleksandr Chumakov", "CLUB", "Soviet Union national football team" ], [ "FC Torpedo Moscow", "MANAGER", "Valery Petrakov" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Aleksandr Chumakov, born in the soviet Union, belongs to the Soviet Union national football team and plays for FC Torpedo Moscow, which plays in the Russian Premier League's 2014-15 season and is managed by Valery Petrakov." }, { "source": "webnlg", "text": "Aleksandr Chumakov was born in the Soviet Union and was a member of the Soviet Union national football team. He has also played for FC Torpedo Moscow who are managed by Valery Petrakov and participated in the 2014-15 Russian Premier League." }, { "source": "webnlg", "text": "Born in the Soviet Union and representing his country at international football, Aleksandr Chumakov played for FC Torpedo Moscow, who competed in the 2014-15 Russian Premier League and whose manager is Valery Petrakov." } ] }, { "tripleset": [ [ "Ferencv\u00e1rosi TC", "MANAGER", "Thomas Doll" ], [ "United Petrotrin F.C.", "GROUND", "Palo Seco" ], [ "Akeem Adams", "CLUB", "Ferencv\u00e1rosi TC" ], [ "Ferencv\u00e1rosi TC", "CHAIRMAN", "G\u00e1bor Kubatov" ], [ "Akeem Adams", "CLUB", "United Petrotrin F.C." ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Akeem Adams' former clubs include United Petrotrin FC, who play at Palo Seco, and Ferencvarosi TC, where Thomas Doll is the manager and Gabor Kubatov is the chairman." }, { "source": "webnlg", "text": "Akeem Adams is a member of the United Petrotrin F.C. club and also Ferencvarosi TC. The latter club, whose ground is Palo Seco, is chaired by Gabor Kubatov and managed by Thomas Doll." }, { "source": "webnlg", "text": "Akeem Adams is a member of the United Petrotrin F.C. club who have their ground at Palo Seco. He plays for Ferencvarosi TC which is managed by Thomas Doll and chaired by Gabor Kubatov." } ] }, { "tripleset": [ [ "Ferencv\u00e1rosi TC", "MANAGER", "Thomas Doll" ], [ "United Petrotrin F.C.", "GROUND", "Palo Seco Velodrome" ], [ "Akeem Adams", "CLUB", "Ferencv\u00e1rosi TC" ], [ "Ferencv\u00e1rosi TC", "CHAIRMAN", "G\u00e1bor Kubatov" ], [ "Akeem Adams", "CLUB", "United Petrotrin F.C." ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Akeem Adams' club is Ferencvarosi TC who are managed by Thomas Doll and chaired by Gabor Kubatov. He has previously played for United Petrotrin FC who are based at the Palo Seco Velodrome." }, { "source": "webnlg", "text": "Akeem Adams belongs to Ferencv\u00e1rosi TC, which is managed by Thomas Doll and includes chairman G\u00e1bor Kubatov. He has played for United Petrotrin F.C., who play in Palo Seco Velodrome." }, { "source": "webnlg", "text": "Akeem Adams was part of the team Ferencvarosi TC, which is managed by Thomas Doll and where the chairman is Gabor Kubatov. Adams' former clubs also include United Petrotrin FC, whose home ground is the Palo Seco Velodrome." } ] }, { "tripleset": [ [ "(19255) 1994 VK8", "EPOCH", "2006-12-31" ], [ "(19255) 1994 VK8", "MASS", "5.6 (kilograms)" ], [ "(19255) 1994 VK8", "ORBITAL_PERIOD", "8788850000.0" ], [ "(19255) 1994 VK8", "PERIAPSIS", "6155910000000.0" ], [ "(19255) 1994 VK8", "APOAPSIS", "6603633000.0 (kilometres)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "19255 1994 VK8 has a mass of 5.6kg,an orbital period of 8788850000.0 and its epoch date was on 31 December 2006.It has a periapsis of 6155910000000.0 and its apoapsis is 6603633000.0 kilometres." }, { "source": "webnlg", "text": "The epoch of 19255 1994 VK8, which has a mass of 5.6 kilograms is December 31st, 2006. Its orbital period is 8,788,850,000 kilometres, with a periapsis of 6,155,910,000,000 kilometres and an apoapsis of 6,603,633,000 kilometres." }, { "source": "webnlg", "text": "19255 1994 VK8 has a mass of 5.6kg,an orbital period of 8788850000.0 and its epoch date was on 31 December 2006.It has a periapsis of 6155910000000.0 and its apoapsis is 6603633000.0 km." } ] }, { "tripleset": [ [ "101 Helena", "DISCOVERER", "James Craig Watson" ], [ "James Craig Watson", "ALMA_MATER", "University of Michigan" ], [ "101 Helena", "DISCOVERED", "1868-08-15" ], [ "James Craig Watson", "NATIONALITY", "Canada" ], [ "James Craig Watson", "DEATH_PLACE", "Madison, Wisconsin" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "James Craig Watson, who discovered 101 Helena on 15th August 1868, is a Canadian national who attended the University of Michigan. He died in Madison, Wisconsin." }, { "source": "webnlg", "text": "101 Helena was discovered by the Canadian James Craig Watson on August 15th 1868. Mr Watson, who studied at the University of Michigan, died in Madison, Wisconsin." }, { "source": "webnlg", "text": "Canadian James Craig Watson discovered 101 Helena on August 15th, 1868. He attended the University of Michigan and died in Madison, Wisconsin." } ] }, { "tripleset": [ [ "101 Helena", "DISCOVERER", "James Craig Watson" ], [ "James Craig Watson", "ALMA_MATER", "University of Michigan" ], [ "James Craig Watson", "STATE_OF_ORIGIN", "Canada" ], [ "James Craig Watson", "DEATH_PLACE", "Madison, Wisconsin" ], [ "James Craig Watson", "DEATH_CAUSE", "Peritonitis" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "James Craig Watson, who discovered 101 Helena, originated from Canada and studied at the University of Michigan. He died in Madison, Wisconsin from peritonitis." }, { "source": "webnlg", "text": "101 Helena was discovered by James Craig Watson who originated from Canada and graduated from the University of Michigan. He later died of peritonitis in Madison, Wisconsin." }, { "source": "webnlg", "text": "James Criag Watson originates from Canada and died from peritonitis in Madison,Wisconsin.His alma mater was the University of Michigan and he discovered 101 Helena." } ] }, { "tripleset": [ [ "1036 Ganymed", "DISCOVERER", "Walter Baade" ], [ "Walter Baade", "DEATH_PLACE", "G\u00f6ttingen" ], [ "Walter Baade", "BIRTH_PLACE", "German Empire" ], [ "Walter Baade", "ALMA_MATER", "University of G\u00f6ttingen" ], [ "Walter Baade", "DOCTORAL_STUDENT", "Allan Sandage" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "German Walter Baade discovered 1036 Ganymed. Baade died in Gottingen, was a graduate of the University of Gottingen and Allan Sandage was among his doctoral students." }, { "source": "webnlg", "text": "Walter Baade, who had a doctoral student named Allan Sandage, was born in the German Empire and graduated from the University of Gottingen. He discovered 1036 Ganymed and later died in Gottingen." }, { "source": "webnlg", "text": "Allan Sandage was a doctoral student of Walter Baade, the discoverer of 1036 Ganymed. Baade was born in the German empire and studied at the University of Gottingen, the city where he died." } ] }, { "tripleset": [ [ "1036 Ganymed", "DISCOVERER", "Walter Baade" ], [ "Walter Baade", "DOCTORAL_STUDENT", "Halton Arp" ], [ "Walter Baade", "DOCTORAL_STUDENT", "Allan Sandage" ], [ "Walter Baade", "BIRTH_PLACE", "German Empire" ], [ "Walter Baade", "ALMA_MATER", "University of G\u00f6ttingen" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Halton Arp and Allan Sandage were doctoral students of Walter Baade, the discoverer of 1036 Ganymed. Baade was born in the German Empire and graduated from the University of Gottingen." }, { "source": "webnlg", "text": "Walter Baade, born in the German Empire and graduate of the University of Gottingen, discovered 1036 Ganymed. Halton Arp and Allan Sandage were doctoral students of Walter Baade." }, { "source": "webnlg", "text": "Allan Sandage and Halton Arp were doctoral students of Walter Baade, the discoverer of 1036 Ganymed. Baade was born in the German Empire and his alma mater was the University of Gottingen." } ] }, { "tripleset": [ [ "1036 Ganymed", "DISCOVERER", "Walter Baade" ], [ "Walter Baade", "NATIONALITY", "Germany" ], [ "Walter Baade", "BIRTH_PLACE", "German Empire" ], [ "Walter Baade", "ALMA_MATER", "University of G\u00f6ttingen" ], [ "Walter Baade", "DOCTORAL_STUDENT", "Allan Sandage" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Walter Baade, who had a doctoral student named Allan Sandage, was the discoverer of 1036 Ganymed. He was a German national born in the German Empire and graduated from the University of Gottingen." } ] }, { "tripleset": [ [ "103 Hera", "DISCOVERER", "James Craig Watson" ], [ "James Craig Watson", "ALMA_MATER", "University of Michigan" ], [ "103 Hera", "DISCOVERED", "1868-09-07" ], [ "James Craig Watson", "NATIONALITY", "Canada" ], [ "James Craig Watson", "DEATH_PLACE", "Madison, Wisconsin" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Canadian James Craig Watson discovered 103 Hera on September 7th, 1868. His alma mater was the University of Michigan and Watson died in Madison, Wisconsin." }, { "source": "webnlg", "text": "James Craig Watson, a Canadian who attended the University of Michigan, discovered 103 Hera on Sept. 7, 1868. He died in Madison, Wisconsin." } ] }, { "tripleset": [ [ "103 Hera", "DISCOVERER", "James Craig Watson" ], [ "James Craig Watson", "ALMA_MATER", "University of Michigan" ], [ "103 Hera", "PERIAPSIS", "371240000.0 (kilometres)" ], [ "James Craig Watson", "NATIONALITY", "Canada" ], [ "James Craig Watson", "DEATH_PLACE", "Madison, Wisconsin" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "James Craig Watson, a Canadian who went to the University of Michigan, found 103 Hera. 103 Hera has a periapsis measurement of 371240000.0 (kilometres). Mr. Watson died in Madison, Wisconsin." }, { "source": "webnlg", "text": "103 Hera was discovered by James Craig Watson, a Canadian who studied at the University of Michigan and died in Madison, Wisconsin. Its periapsis is 371240000.0km." }, { "source": "webnlg", "text": "Canadian James Craig Watson discovered 103 Hera which has a periapsis of 371,240,000 kilometres. He studied at the University of Michigan and died in Madison, Wisconsin." } ] }, { "tripleset": [ [ "107 Camilla", "DISCOVERER", "B. Zellner" ], [ "107 Camilla", "ORBITAL_PERIOD", "2368.05 (days)" ], [ "107 Camilla", "PERIAPSIS", "479343000.0 (kilometres)" ], [ "107 Camilla", "EPOCH", "2006-12-31" ], [ "107 Camilla", "APOAPSIS", "560937000.0 (kilometres)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "107 Camilla has an orbital period of 2368.05 days,its epoch date was on December 31st 2006 and was discovered byy B. Zellner.The periapsis of 107 Camilla is 479343000.0 (kilometres) and its apoapsis is 560937000.0 km." }, { "source": "webnlg", "text": "B. Zellner was the discoverer of 107 Camilla that has an orbital period of 2368.05 days. It's epoch is Dec. 31, 2006. The celestial body has a periapsis of 479343000.0 kilometres and an apoapsis of 560937000.0 km." }, { "source": "webnlg", "text": "107 Camilla has the epoch date of 31 December 2006 and was discovered by B Zellner. With an orbital period of 2368.05 days, it has an apoapsis of 560937000.0 kms and a periapsis of 479343000.0 kms." } ] }, { "tripleset": [ [ "107 Camilla", "DISCOVERER", "C. Woods" ], [ "107 Camilla", "ORBITAL_PERIOD", "2368.05 (days)" ], [ "107 Camilla", "PERIAPSIS", "479343000.0 (kilometres)" ], [ "107 Camilla", "EPOCH", "2006-12-31" ], [ "107 Camilla", "APOAPSIS", "560937000.0 (kilometres)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "107 Camilla, which has the epoch 31 December 2006 and an orbital period of 2368.05 days, was discovered by C Woods. The periapsis measurement is 479343000.0 kms and the apoapsis 560937000.0 km." }, { "source": "webnlg", "text": "107 Camilla, epoch date 31 December 2006, was discovered by C Woods and has an orbital period of 2368.05 days. The apoapsis and periapsis measurements are 560937000.0 km and 479343000.0 km respectively." }, { "source": "webnlg", "text": "31 December 2006 is the epoch date of 107 Camilla which was discovered by C Woods and has an orbital period of 2368.05 days. 107 Camilla has an apoapsis of 560937000.0 kms and a periapsis of 479343000.0 kms." } ] }, { "tripleset": [ [ "107 Camilla", "DISCOVERER", "F. Vilas" ], [ "107 Camilla", "EPOCH", "2006-12-31" ], [ "107 Camilla", "ORBITAL_PERIOD", "2368.05 (days)" ], [ "107 Camilla", "PERIAPSIS", "479343000.0 (kilometres)" ], [ "107 Camilla", "APOAPSIS", "560937000.0 (kilometres)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "107 Camilla, which has the epoch date 31 December 2006, was discovered by F Vilas and has an orbital period of 2368.05 days. The apoapsis and periapsis measurements are 560937000.0 kilometres and 479343000.0 kilometres respectively." }, { "source": "webnlg", "text": "107 Camilla, which has an epoch date of December 31st 2006, was discovered by F. Vilas. Its orbital period is 2,368.05 days, its periapsis is 479,343,000 kilometres and has an apoapsis of 560,937,000 kilometres." }, { "source": "webnlg", "text": "107 Camilla, which was discovered by F Vilas and has the epoch date of 31 December 2006, has an orbital period of 2368.05 days. It has a periapsis iof 479343000.0 kms and an apoapsis of 560937000.0 kms." } ] }, { "tripleset": [ [ "107 Camilla", "DISCOVERER", "N. R. Pogson" ], [ "N. R. Pogson", "DEATH_PLACE", "Chennai" ], [ "107 Camilla", "ABSOLUTE_MAGNITUDE", "7.08" ], [ "N. R. Pogson", "BIRTH_PLACE", "Nottingham" ], [ "N. R. Pogson", "NATIONALITY", "England" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "N. R. Pogson was an Englishman,born in Nottingham and died in Chennai.He discovered 107 Camilla which has an absolute magnitude of 7.08." }, { "source": "webnlg", "text": "N. R. Pogson was born in Nottingham in the U.K. and died in Chennai. He discovered 107 Camilla which has an absolute magnitude of 7.08." }, { "source": "webnlg", "text": "The British,N.R. Pogson was born in Nottingham and died in Chennai.He discovered 107 Camilla which has an absolute magnitude of 7.08." } ] }, { "tripleset": [ [ "1089 Tama", "EPOCH", "2005-11-26" ], [ "1089 Tama", "ESCAPE_VELOCITY", "0.0068 (kilometrePerSeconds)" ], [ "1089 Tama", "FORMER_NAME", "\"A919 HA; 1927 WB;\"" ], [ "1089 Tama", "ORBITAL_PERIOD", "1202.846 (days)" ], [ "1089 Tama", "APOAPSIS", "373513000.0 (kilometres)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The epoch of 1089 Tama(whose former name was ( A919 HA; 1927 WB) is 2005-11-26. The escape velocity of 1089 Tama is 0.0068 km/sec, has an orbital period of 1202.846 days and an apoapsis of 373513000.0 (kilometres)." }, { "source": "webnlg", "text": "1089 Tama was formerly known as A919 HA; 1927 WB, has an epoch of November 26th, 2005 and an orbit of 1,202.846 days. Its escape velocity is .0068 kilometres a second and it has an apoapsis of 373,513,000 kilometres." }, { "source": "webnlg", "text": "1089 Tama was formerly known as A919 HA; 1927 WB and has the epoch date of 2005/11/26. It has an escape velocity of 0.0068 km per sec, an apoapsis of 373513000.0 kms and an orbital period lasting 1202.846 days." } ] }, { "tripleset": [ [ "1101 Clematis", "EPOCH", "2006-12-31" ], [ "1101 Clematis", "ESCAPE_VELOCITY", "0.02 (kilometrePerSeconds)" ], [ "1101 Clematis", "MASS", "5.7 (kilograms)" ], [ "1101 Clematis", "ORBITAL_PERIOD", "183309000.0" ], [ "1101 Clematis", "APOAPSIS", "520906000.0 (kilometres)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "1101 Clematis has a mass of 5.7 kilograms,an orbital period of 183309000.0 and its epoch date was on 31st July 2016.It has an escape velocity of 0.02 km/sec and its apoapsis is 520906000.0 kilometres." }, { "source": "webnlg", "text": "The epoch of 1101 Clematis is on the 31st of July 2016 and it has a mass of 5.7 kilos. The orbital period for 1101 Clematis is 183309000.0, has an apoapsis of 520906000.0 kilometres, and an escape velocity of 0.02 kilometres per second." }, { "source": "webnlg", "text": "1101 Clematis has a mass of 5.7 kgs,an orbital period of 183309000.0 and its epoch date was on 31st July 2016.Its apoapsis is 520906000.0 Kilometers and it has an escape velocity of 0.02 k.p.s." } ] }, { "tripleset": [ [ "11264 Claudiomaccone", "EPOCH", "2005-11-26" ], [ "11264 Claudiomaccone", "ORBITAL_PERIOD", "1513.722 (days)" ], [ "11264 Claudiomaccone", "PERIAPSIS", "296521000.0 (kilometres)" ], [ "11264 Claudiomaccone", "APOAPSIS", "475426000.0 (kilometres)" ], [ "11264 Claudiomaccone", "TEMPERATURE", "173.0 (kelvins)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "11264 Claudiomaccone has an epoch date of November 26th 2005, an orbital period of 1513.722 days. a periapsis of 296521000.0 km, an apoapsis of 475426000.0 km, and a temperature of 173.0 kelvins." }, { "source": "webnlg", "text": "11264 Claudiomaccone has the epoch date of 26 November 2005,its temperature is 173.0 kelvins and has an orbital period of 1513.722 days.It has a periapsis of 296521000.0 kilometres and its apoapsis is 475426000 kms." }, { "source": "webnlg", "text": "11264 Claudiomaccone has an epoch date of November 26th 2005, an orbital period of 1513.722 days, a periapsis at 296521000.0 km, an apoapsis of 475426000.0 km, and a temperature of 173.0 kelvins." } ] }, { "tripleset": [ [ "Abdul Taib Mahmud", "PARTY", "Parti Pesaka Bumiputera Bersatu" ], [ "Abdul Taib Mahmud", "REGION", "Asajaya" ], [ "Abdul Taib Mahmud", "RESIDENCE", "Kuching" ], [ "Abdul Taib Mahmud", "BIRTH_PLACE", "Miri, Malaysia" ], [ "Abdul Taib Mahmud", "DATE_OF_BIRTH", "1936-05-21" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Abdul Taib Mahmud was born on 21 May 1936 in Miri, Malaysia, and lives in Kuching. His party was the Parti Pesaka Bumiputera Bersatu and he represented the Asajaya region." }, { "source": "webnlg", "text": "Abdul Taib Mahmud was born in Miri, Malaysia, on May 21st 1936 and lives in Kuching. He represented Asajaya and was a member of the Parti Pesaka Bumiputera Bersatu." }, { "source": "webnlg", "text": "Born on 1936-05-21, in Miri, Malaysia, Abdul Taib Mahmud, lives in Kuching. His party is Parti Pesaka Bumiputera Bersatu and he represented the Asajaya region." } ] }, { "tripleset": [ [ "Abdul Taib Mahmud", "SUCCESSOR", "Adenan Satem" ], [ "Abdul Taib Mahmud", "PARTY", "Parti Pesaka Bumiputera Bersatu" ], [ "Abdul Taib Mahmud", "BIRTH_PLACE", "Kingdom of Sarawak" ], [ "Abdul Taib Mahmud", "RESIDENCE", "\"Demak Jaya, Jalan Bako, Kuching, Sarawak\"" ], [ "Adenan Satem", "ALMA_MATER", "University of Adelaide" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The birth place of Abdul Taid Mahmud was the Kingdom of Sarawak and his residence was Demak Jaya, Jalan Bako, Kuching, Sarawak. He was a member of the Parti Pesaka Bumiputera Bersatu and was succeeded by Adenan Satem who had attended the University of Adelaide." }, { "source": "webnlg", "text": "Abdul Taib Mahmud was born in the Kingdom of Sarawak and lives in Demak Jaya, Jalan Bako, Kuching, Sarawak. He is a member of the Parti Pesaka Bumiputera Bersatu and was succeeded by the University of Adelaide educated Adenan Satem." }, { "source": "webnlg", "text": "Abdul Taib Mahmud was born in the Kingdom of Sarawak, lives in Demak Jaya, Jalan Bako, Kuching, Sarawak and is a member of the Parti Pesaka Bumiputera Bersatu. He was succeeded by Adenan Satem, who studied at the University of Adelaide." } ] }, { "tripleset": [ [ "Abdulsalami Abubakar", "IN_OFFICE_WHILE_VICE_PRESIDENT", "Mike Akhigbe" ], [ "Abdulsalami Abubakar", "ACTIVE_YEARS_END_DATE", "1999-05-29" ], [ "Mike Akhigbe", "PREDECESSOR", "Oladipo Diya" ], [ "Mike Akhigbe", "MILITARY_BRANCH", "Nigerian Navy" ], [ "Mike Akhigbe", "SUCCESSOR", "Atiku Abubakar" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Abdulsalami Abubakar who ended his career on May 29th, 1999, served in office while Mike Akhigbe was Vice President. Akhigbe served in the Nigerian Navy and succeeded Oladipo Diya as V.P. before Atiku Abubakar took over from Akhigbe." }, { "source": "webnlg", "text": "Abdulsalami Abubakar ended his career on 1999-05-29, having been in office while Mike Akhigbe was the Vice President. Oladipo Diya was predecessor to Mike Akhigbe, who belonged to the Nigerian Navy branch of the Military and his successor was Atiku Abubakar." }, { "source": "webnlg", "text": "Abdulsalami Abubakar served office during Mike Akhigbe's Vice Presidenacy and began his career 05/29/1999. Nigerian Navy veteran Mike Akhigbe preceded Oladipo Diya and succeeded Atiku Abubakar." } ] }, { "tripleset": [ [ "Abdulsalami Abubakar", "SUCCESSOR", "Olusegun Obasanjo" ], [ "Abdulsalami Abubakar", "IN_OFFICE_WHILE_VICE_PRESIDENT", "Mike Akhigbe" ], [ "Abdulsalami Abubakar", "ACTIVE_YEARS_END_DATE", "1999-05-29" ], [ "Abdulsalami Abubakar", "MILITARY_BRANCH", "Nigerian Army" ], [ "Mike Akhigbe", "PREDECESSOR", "Oladipo Diya" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Abdulsalami Abubakar served in the Nigerian Army and was in office whilst Mike Akhigbe (the successor to Oladipo Diya) was Vice President. His career ended on 29 May 1999 and he was succeeded by Olusegun Obasanjo." }, { "source": "webnlg", "text": "Abdulsalami Abubakar, who served in the Nigerian Army, ended his career on May 29th, 1999 and served in office while Mike Akhigbe was the Vice President. Akhigbe succeeded Oladipo Diya while Olusegun Obasanjo took over from Abubaka when he left office." }, { "source": "webnlg", "text": "Olusegun Obasanjo succeeded Abdulsalami Abubakar, who served in the Nigerian Army and ended his career on 1999-05-2. Abdulsalami Abubakar was in office while Mike Akhigbe, who succeeded Oladipo Diya, was Vice President." } ] }, { "tripleset": [ [ "Abraham A. Ribicoff", "DEATH_PLACE", "United States" ], [ "Abraham A. Ribicoff", "PARTY", "Democratic Party (United States)" ], [ "Abraham A. Ribicoff", "BIRTH_PLACE", "Connecticut" ], [ "Abraham A. Ribicoff", "NATIONALITY", "United States" ], [ "Abraham A. Ribicoff", "OFFICE_(WORKED_AT,_WORKED_AS)", "\"Governor of Connecticut\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Abraham A. Ribicoff was born in Connecticut, United States,where he became governor. He was a member of the Democratic party in the United States. He died in the United States." }, { "source": "webnlg", "text": "Abraham A Ribicoff was an American National born in Connecticut. He was a member of the United States Democratic Party and held the office of Governor of Connecticut before he died in the US." }, { "source": "webnlg", "text": "American Abraham A. Ribicoff born in Connecticut was a member of United States Democratic Party and worked as a governor of Connecticut. He passed away in United Staes." } ] }, { "tripleset": [ [ "Abraham A. Ribicoff", "OFFICE_(WORKED_AT,_WORKED_AS)", "\"United States Secretary of Health, Education, and Welfare\"" ], [ "Abraham A. Ribicoff", "PARTY", "Democratic Party (United States)" ], [ "Abraham A. Ribicoff", "DEATH_PLACE", "New York City" ], [ "Abraham A. Ribicoff", "BIRTH_PLACE", "Connecticut" ], [ "Abraham A. Ribicoff", "NATIONALITY", "United States" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Abraham A Ribicoff was a US national born in Connecticut and dying in New York City. He was a member of the Democratic Party in the U.S.A. and worked as the United States Secretary of Health, Education, and Welfare." }, { "source": "webnlg", "text": "Abraham A. Ribicoff who was born in Connecticut, United States, worked as the United States Secretary of Health, Education, and Welfare and he was a member of the Democratic Party in the United States. He died in New York City." }, { "source": "webnlg", "text": "Democrat Abraham A. Ribicoff was born in Connecticut and died in New York City. He worked as the United States Secretary of Health, Education and Welfare." } ] }, { "tripleset": [ [ "Abraham A. Ribicoff", "SPOUSE", "Casey Ribicoff" ], [ "United States", "ETHNIC_GROUP", "Native Americans in the United States" ], [ "Abraham A. Ribicoff", "BIRTH_PLACE", "Connecticut" ], [ "Abraham A. Ribicoff", "NATIONALITY", "United States" ], [ "Abraham A. Ribicoff", "DEATH_PLACE", "New York" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Native Americans are an ethnic group in the U.S., the country Abraham A. Ribicoff was a national of. Abraham A. Ribicoff; was born in Connecticut, married to Casey Ribicoff, and died in New York." }, { "source": "webnlg", "text": "Abraham A. Ribicoff was born in Connecticut. He was married to Casey Ribicoff. He was also a national to the United States and he died in New York. The Native Americans are an ethnic group in the U.S." }, { "source": "webnlg", "text": "Native Americans are an ethnic group in the U.S. one of the citizens of that country was, Abraham A Ribicoff. He born in Connecticut. married to Casey Ribicoff and died in New York." } ] }, { "tripleset": [ [ "Adam Holloway", "BIRTH_PLACE", "Kent" ], [ "Adam Holloway", "OFFICE_(WORKED_AT,_WORKED_AS)", "Member of Parliament for Gravesham" ], [ "Adam Holloway", "ACTIVE_YEARS_START_DATE", "2005-05-05" ], [ "Adam Holloway", "MILITARY_BRANCH", "Grenadier Guards" ], [ "Adam Holloway", "ALMA_MATER", "Magdalene College, Cambridge" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Adam Holloway was born in Kent and attended Magdalene College in Cambridge. He began his career on 5 May 2005 and served in the Grenadier Guards and became a member of parliament for Gravesham." }, { "source": "webnlg", "text": "Gravesham Parliament member and Magdalene College Cambridge alum Adam Holloway, was born in Kent. A Grenadier Guard, he began his career 05/05/2005." }, { "source": "webnlg", "text": "Adam Holloway was born in Kent, and began his career on the 5th May 2005. He served in the Grenadier guards and was a MP for Gravesham. His alma mater is Magdalene College, Cambridge." } ] }, { "tripleset": [ [ "Adam Holloway", "PARTY", "Conservative Party (UK)" ], [ "Adam Holloway", "BIRTH_PLACE", "\"Faversham, Kent, England\"" ], [ "Adam Holloway", "ACTIVE_YEARS_START_DATE", "2005-05-05" ], [ "Adam Holloway", "MILITARY_BRANCH", "Grenadier Guards" ], [ "Adam Holloway", "ALMA_MATER", "Magdalene College, Cambridge" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Adam Holloway, who was born in Faversham, Kent, England, is a member of the Conservative Party in the UK. He studied at Magdalene College Cambridge before joining the Grenadier Guards and later starting his political career on 5th May 2005." }, { "source": "webnlg", "text": "Englishman Adam Holloway, born in Faversham, Kent and having attended Magdalene College in Cambridge, then joined the Grenadier Guards. He is a member of the UK Conservative Party and began his political career on 5th May 2005." }, { "source": "webnlg", "text": "Adam Holloway was born in Faversham, Kent, England and he went to Magdalene College, Cambridge and joined the Grenadier Guards in the military before joining the Tories." } ] }, { "tripleset": [ [ "Adonis Georgiadis", "IN_OFFICE_WHILE_PRIME_MINISTER", "Antonis Samaras" ], [ "Antonis Samaras", "IN_OFFICE_WHILE_PRIME_MINISTER", "Konstantinos Mitsotakis" ], [ "Adonis Georgiadis", "BIRTH_PLACE", "Greece" ], [ "Adonis Georgiadis", "BIRTH_PLACE", "Athens" ], [ "Adonis Georgiadis", "SUCCESSOR", "Makis Voridis" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Adonis Georgiadis (who was succeeded by Makis Voridis), was born in Athens, Greece and was in office under Antonis Samaras, Prime Minister. Antonis Samaras was in office while Konstantinos Mitsotakis was Prime Minister." }, { "source": "webnlg", "text": "Adonis Georgiadis, was born in Athens, Greece and was succeeded by Makis Voridis. Adonis Georgiadis, was in office while Antonis Samaras was Prime Minister. Antonis Samaras was in office while Konstantinos Mitsotakis was Prime Minister." }, { "source": "webnlg", "text": "Makis Voridis was the successor of Adonis Georgiadis, who was birth in Athens (Greece). Adonis Georgiadis served in office while the Prime Minister was Antonis Samaras, who himelf, had served in office while Konstantinos Mitsotakis was Prime Minister." } ] }, { "tripleset": [ [ "Agnes Kant", "NATIONALITY", "Netherlands" ], [ "Netherlands", "LEADER_NAME", "Mark Rutte" ], [ "Agnes Kant", "OFFICE_(WORKED_AT,_WORKED_AS)", "House of Representatives (Netherlands)" ], [ "Emile Roemer", "PARTY", "Socialist Party (Netherlands)" ], [ "Socialist Party (Netherlands)", "LEADER_NAME", "Emile Roemer" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Emile Roemer is a member and leader of the Socialist Party in the Netherlands. The country is led by Mark Rutte and Agnes Kant, a national of the country, worked at the House of Representatives." }, { "source": "webnlg", "text": "Agnes Kant is a national of the Netherlands, where the leader is, Mark Rutte.Agnes Kant worked at the House of Representatives in the Netherlands. Emile Roemer is leader and member of the Socialist Party in the Netherlands." }, { "source": "webnlg", "text": "Agnes Kant, who worked at the House of Representatives, is a national of the Netherlands which is led by Mark Rutte. The Socialist Party in the country is led by the member Emile Roemer." } ] }, { "tripleset": [ [ "Agnes Kant", "NATIONALITY", "Netherlands" ], [ "Netherlands", "LEADER_NAME", "Mark Rutte" ], [ "Agnes Kant", "OFFICE_(WORKED_AT,_WORKED_AS)", "House of Representatives (Netherlands)" ], [ "House of Representatives (Netherlands)", "LEADER_NAME", "Khadija Arib" ], [ "Agnes Kant", "RESIDENCE", "Doesburg" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Agnes Kant was born in the Netherlands and lives in Doesburg. She worked at the house of representatives in the Netherlands, where Mark Rutte is the leader. Khadija Arib is the leader of the House of Representatives." }, { "source": "webnlg", "text": "Agnes Kant is a national of the Netherlands which is led by Mark Rutte. She was a resident of Doesburg and worked at the House of Representatives which is led by Khadija Arib." }, { "source": "webnlg", "text": "Agnes Kant was a national of the Netherlands (led by Mark Rutte) who resided in Doesburg. She worked at the House of Representatives which is led by Khadija Arib." } ] }, { "tripleset": [ [ "Agnes Kant", "NATIONALITY", "Netherlands" ], [ "Netherlands", "LEADER_NAME", "Mark Rutte" ], [ "Agnes Kant", "RESIDENCE", "Doesburg" ], [ "Emile Roemer", "PARTY", "Socialist Party (Netherlands)" ], [ "Socialist Party (Netherlands)", "LEADER_NAME", "Emile Roemer" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Agnes Kant, whose nationality is Netherlands, resided in Doesburg. The leader of the Netherlands is Mark Rutte, and the leader of the Socialist Party in the Netherlands is Emile Roemer." }, { "source": "webnlg", "text": "Agnes Kant of Netherlands lives in Doesburg. Mark Rutte is leader of the country and one of its political parties is the Socialist Party which is led by Emile Roemer." }, { "source": "webnlg", "text": "Agnes Kant lives in Doesburg and is a national of the Netherlands, which is led by Mark Rutte. Emile Roemer is member and leader of the Socialist Party, in the Netherlands." } ] }, { "tripleset": [ [ "Albert B. White", "DATE_OF_BIRTH", "1856" ], [ "Albert B. White", "DEATH_YEAR", "1941" ], [ "Albert B. White", "DATE_OF_BIRTH", "1856-09-22" ], [ "Albert B. White", "DEATH_PLACE", "Parkersburg, West Virginia" ], [ "Albert B. White", "DATE_OF_DEATH", "1941-07-03" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Albert B White was born on 22 September 1856 and died on 3 July 1941 in Parkersburg, West Virginia." }, { "source": "webnlg", "text": "Born on the 22nd of September, 1856, Albert B White died at Parkersburg, West Virginia on 1941-07-03." } ] }, { "tripleset": [ [ "Albert B. White", "SPOUSE", "Agnes Ward White" ], [ "Albert B. White", "BIRTH_PLACE", "Cleveland" ], [ "Albert B. White", "DEATH_PLACE", "Parkersburg, West Virginia" ], [ "Albert B. White", "SUCCESSOR", "William M. O. Dawson" ], [ "William M. O. Dawson", "BIRTH_PLACE", "Bloomington, Maryland" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Albert B. White was born in Cleveland, was married to Agnes Ward White and died in Parkersburg, West Virginia. White was succeeded in office by William M.O. Dawson who was born in Bloomington, Maryland." }, { "source": "webnlg", "text": "Cleveland born Albert B White, whose wife was Agnes Ward White, died in Parkersburg, West Virginia. He was succeeded by William M O Dawson, who was born in Bloomington, Maryland." } ] }, { "tripleset": [ [ "Albert B. White", "SPOUSE", "Agnes Ward White" ], [ "Albert B. White", "SUCCESSOR", "William M. O. Dawson" ], [ "Albert B. White", "OFFICE_(WORKED_AT,_WORKED_AS)", "\"Governor of West Virginia\"" ], [ "Albert B. White", "BIRTH_PLACE", "Cleveland" ], [ "Albert B. White", "ACTIVE_YEARS_END_DATE", "1905-03-04" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Cleveland born Albert B White, who was married to Agnes Ward White, served as the Governor of West Virginia and finished his career on March 4th 1905. He was succeeded by William M O Dawson." }, { "source": "webnlg", "text": "Albert B White was born in Cleveland and was married to Agnes Ward White. He worked as the Governor of West Virginia and finished his career on 4 March 1905 being succeeded by William M O Dawson." }, { "source": "webnlg", "text": "Cleveland born Albert B White, married to Agnes Ward White, was the Governor of West Virginia, ending his career on March 4th 1905. He was succeeded by William M O Dawson." } ] }, { "tripleset": [ [ "Albert B. White", "SUCCESSOR", "William M. O. Dawson" ], [ "Albert B. White", "PARTY", "Republican Party (United States)" ], [ "Albert B. White", "BIRTH_PLACE", "Cleveland" ], [ "Albert B. White", "ACTIVE_YEARS_END_DATE", "1905-03-04" ], [ "Albert B. White", "ACTIVE_YEARS_START_DATE", "1901-03-04" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Albert B White was born in Cleveland and had a career from 4 March 1901 to 4 March 1905. He was a member of the Republican Party in the United States and his successor was William M O Dawson." }, { "source": "webnlg", "text": "Succeeded by William M. O. Dawson, Albert B. White was born in Cleveland and was a member of the Republican Party in the United States. Albert B. White started his career on March 4, 1901 and finished his career on March 4th 1905." }, { "source": "webnlg", "text": "Albert B. White was born in Cleveland and started his career on March 4, 1901. He was a member of the Republican Party in the United States and finished his career on March 4th 1905. Albert B. White's successor was William M. O. Dawson." } ] }, { "tripleset": [ [ "Alberto Teisaire", "DEATH_PLACE", "Buenos Aires" ], [ "Juan Per\u00f3n", "SPOUSE", "Eva Per\u00f3n" ], [ "Juan Per\u00f3n", "PARTY", "Labour Party (Argentina)" ], [ "Buenos Aires", "LEADER_NAME", "Horacio Rodr\u00edguez Larreta" ], [ "Alberto Teisaire", "IN_OFFICE_WHILE_PRESIDENT", "Juan Per\u00f3n" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alberto Teisaire was in office while Labour Party member Juan Peron, who was married to Eva Peron, was President of Argentina. Teisaire died in Buenos Aires where Horacio Rodr\u00edguez Larreta was the leader." }, { "source": "webnlg", "text": "Alberto Teisaire was in office while Labour Party member Juan Peron, who was married to Eva Peron, was President of Argentina. Teisaire died in Buenos Aires whose leader is Horacio Rodr\u00edguez Larreta." }, { "source": "webnlg", "text": "Alberto Teisaire was in office while Juan Peron was President. Juan Per\u00f3n, was married to Eva Per\u00f3n, and belonged to the Labour Party in Argentina. Alberto Teisaire died in Buenos Aires, the leader of which is, Horacio Rodr\u00edguez Larreta." } ] }, { "tripleset": [ [ "Alberto Teisaire", "OFFICE_(WORKED_AT,_WORKED_AS)", "\"Provisional President of the Argentine Senate\"" ], [ "Alberto Teisaire", "PROFESSION", "Rear admiral" ], [ "Alberto Teisaire", "SUCCESSOR", "Isaac Rojas" ], [ "Alberto Teisaire", "BIRTH_PLACE", "Mendoza, Argentina" ], [ "Alberto Teisaire", "DATE_OF_BIRTH", "1891-05-20" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alberto Teisaire was born in Mendoza in Agentina, on 1891-05-20. A Rear Admiral by profession, Alberto Teisaire, worked as the Provisional President of the Argentine Senate. Isaac Rojas was the successor to Alberto Teisaire." }, { "source": "webnlg", "text": "Born on 1891-05-20, born in Mendoza, Argentina, Alberto Teisaire, was a Rear Admiral by profession. He worked as the Provisional President of the Argentine Senate and his successor was Isaac Rojas." }, { "source": "webnlg", "text": "Alberto Teisaire was born in Mendoza, Argentina on 20 May 1891. He was a Rear Admiral and worked as the Provisional President of the Argentine Senate before being succeeded by Isaac Rojas." } ] }, { "tripleset": [ [ "Alfons Gorbach", "DEATH_PLACE", "Styria" ], [ "Alfons Gorbach", "PARTY", "Austrian People's Party" ], [ "Alfons Gorbach", "DEATH_PLACE", "Graz" ], [ "Alfons Gorbach", "BIRTH_PLACE", "Tyrol (state)" ], [ "Alfons Gorbach", "BIRTH_PLACE", "Austria" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alfons Gorbach was born in Austria, in the state, Tyrol. Alfons Gorbach was a member of the Austrian People's Party and died in Graz, in Styria." }, { "source": "webnlg", "text": "Alfons Gorbach's place of birth was the state, Tyrol, in Austria. He was a politician from the Austrian People's Party, who died in Graz, in Styria." }, { "source": "webnlg", "text": "Alfons Gorbach, who was a member of the Austrian People's Party, was born in the state of Tyrol in Austria and died in Graz, Styria." } ] }, { "tripleset": [ [ "Alfons Gorbach", "DEATH_PLACE", "Styria" ], [ "Alfons Gorbach", "PARTY", "Austrian People's Party" ], [ "Alfons Gorbach", "DEATH_PLACE", "Graz" ], [ "Alfons Gorbach", "BIRTH_PLACE", "Tyrol (state)" ], [ "Alfons Gorbach", "BIRTH_PLACE", "Imst" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "A member of the Austrian People's Party, Alfons Gorbach was born in Imst, in the state of Tyrol and died in Graz, in Styria." }, { "source": "webnlg", "text": "Alfons Gorbach was born in Imst in Tyrol and died in Graz in Styria. He was a politician from the Austrian People's Party." }, { "source": "webnlg", "text": "Austrian People's Party Alfons Gorbach was born in Imst, Tyrol and died in Graz, Styria." } ] }, { "tripleset": [ [ "Alvah Sabin", "ACTIVE_YEARS_END_DATE", "1857-03-03" ], [ "Alvah Sabin", "REGION", "Vermont's 3rd congressional district" ], [ "Vermont", "LARGEST_CITY", "Burlington, Vermont" ], [ "Alvah Sabin", "STATE", "Vermont" ], [ "Alvah Sabin", "DEATH_PLACE", "Sycamore, Illinois" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Vermont native Alvah Sabin represented the State's 3rd Congressional District and he died in Sycamore, Illinois after ending his career on March 3rd, 1857. Vermont's largest city is Burlington." }, { "source": "webnlg", "text": "Alvah Sabin represented Vermont's 3rd Congressional District and his career ended on March 3rd 1857. He was from Vermont, where the largest city is Burlington and he died in Sycamore, Illinois." } ] }, { "tripleset": [ [ "Alvah Sabin", "REGION", "Vermont's 3rd congressional district" ], [ "Alvah Sabin", "BIRTH_PLACE", "Georgia, Vermont" ], [ "Vermont", "LARGEST_CITY", "Burlington, Vermont" ], [ "Alvah Sabin", "STATE", "Vermont" ], [ "Alvah Sabin", "DEATH_PLACE", "Sycamore, Illinois" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alvah Sabin was from Vermont, where the largest city is Burlington. Georgia Vermont is the birthplace of Alvah Sabin, who represented Vermont's 3rd Congressional District and died in Sycamore, Illinois." }, { "source": "webnlg", "text": "Burlington is the largest city in Vermont, where Alvah Sabin was born. He represented Vermont's 3rd Congressional District and died in Sycamore, Illinois." }, { "source": "webnlg", "text": "Alvah Sabin was born in Georgia, Vermont and died in Sycamore, Illinois. He represented Vermont's 3rd congressional district, of which Burlington is the largest city." } ] }, { "tripleset": [ [ "American Civil War", "COMMANDER", "Jefferson Davis" ], [ "Alfred Moore Scales", "COUNTRY", "United States" ], [ "Alfred Moore Scales", "BATTLES", "Battle of Gettysburg" ], [ "United States", "ETHNIC_GROUP", "Native Americans in the United States" ], [ "Battle of Gettysburg", "IS_PART_OF_MILITARY_CONFLICT", "American Civil War" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "American Alfred Moore Scales fought at the Battle of Gettysburg during the American Civil War. Jefferson Davis was one of the war's commanders and one of several ethnic groups in the U.S. are the Native Americans." }, { "source": "webnlg", "text": "Native Americans are the ethnic group in the United States. Alfred Moore Scales lived in the United States and involved in was the Battle of Gettysburg. The Battle of Gettysburg was part of the American Civil War conflict, during which, one of the commanders was Jefferson Davis." }, { "source": "webnlg", "text": "Native Americans are an ethnic group in the United States, the country where Alfred Moore Scales lived. He had fought in the Battle of Gettysburg which took place during the American Civil War. A commander in the American Civil War was Jefferson Davis." } ] }, { "tripleset": [ [ "American Civil War", "COMMANDER", "Jefferson Davis" ], [ "Alfred Moore Scales", "COUNTRY", "United States" ], [ "United States", "ETHNIC_GROUP", "Native Americans in the United States" ], [ "Alfred Moore Scales", "BATTLES", "Siege of Petersburg" ], [ "Siege of Petersburg", "IS_PART_OF_MILITARY_CONFLICT", "American Civil War" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "American Civil War, Siege of Petersburg involved U.S. born Alfred Moore Scales. The American Civil War was commanded by Jefferson Davis. An ethnic group of the United States includes Native Americans." }, { "source": "webnlg", "text": "Native Americans are one of the ethnic groups in the United States, Alfred Moore Scales's country. Alfred Moore Scales took part in the Siege of Petersburg, which occurred during the American Civil War. Jefferson Davis was a commander in the American Civil War." }, { "source": "webnlg", "text": "Native Americans are of of the ethnic groups in the U.S., the country, where Alfred Moore Scales lived. Alfred Moore Scales was at the Siege of Petersburg, which occurred during the American Civil War. A commander in the American Civil War was Jefferson Davis." } ] }, { "tripleset": [ [ "Juan Per\u00f3n", "SPOUSE", "Eva Per\u00f3n" ], [ "Juan Per\u00f3n", "PARTY", "Labour Party (Argentina)" ], [ "Alberto Teisaire", "NATIONALITY", "Argentina" ], [ "Argentina", "LANGUAGE", "Spanish language" ], [ "Alberto Teisaire", "IN_OFFICE_WHILE_PRESIDENT", "Juan Per\u00f3n" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alberto Teisaire is a national of Argentina where the Spanish language is spoken. He was in office during the Presidency of Labour party member Juan Peron, who was married to Eva Peron." }, { "source": "webnlg", "text": "Argentina's Labour Party President Juan Peron was married to Eva Peron. Argentina is Spanish speaking and home to Alberto Teisaire (in office during Peron's leadership)." }, { "source": "webnlg", "text": "They speak Spanish in Argentina where Alberto Teisaire was from. Alberto Teisaire was in office while Juan Per\u00f3n was president. Juan Per\u00f3n was a member of the Labour Party in Argentina and was married to Eva Per\u00f3n." } ] }, { "tripleset": [ [ "Aaron Bertram", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Kids Imagine Nation" ], [ "Aaron Bertram", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Suburban Legends" ], [ "Suburban Legends", "BAND_MEMBER", "Brian Robertson (trombonist)" ], [ "Aaron Bertram", "GENRE", "Ska punk" ], [ "Ska punk", "STYLISTIC_ORIGIN", "Punk rock" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Aaron Bertram is a ska punk musician, a genre that originated from punk rock. He is an artist with Kids Imagine Nation and also plays for Suburban Legends Band. Brian Robertson plays the trombone for Suburban Legends." }, { "source": "webnlg", "text": "Aaron Bertram plays for the Kids Imagine Nation and the Suburban Legends bands, where he performs ska punk music, a form of punk rock. Brian Robertson, a trombonist, is a band member of Suburban Legends." }, { "source": "webnlg", "text": "Aaron Bertram plays for the Kids Imagine Nation and for the Suburban Legends,where Brian Robertson is a trombonist. Aaron Bertram's musical genre is ska,which has its origins in punk rock." } ] }, { "tripleset": [ [ "Aaron Deer", "GENRE", "Indie rock" ], [ "Aaron Deer", "ORIGIN", "United States" ], [ "Aaron Deer", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Wee Giant" ], [ "Aaron Deer", "BACKGROUND", "\"solo singer\"" ], [ "Aaron Deer", "ORIGIN", "Indiana" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "American Aaron Deer is an Indie rock musician from Indiana. He has a background as a solo singer and was part of the band Wee Giant." }, { "source": "webnlg", "text": "Aaron Deer comes from Indiana, having been born in the United States. He is a solo singer/ performer of the musical genre indie rock, and is an artist for the Wee Giant band." }, { "source": "webnlg", "text": "Aaron Deer is an Indie rock soloist, formerly a member of Wee Giant. He was born in Indiana, USA." } ] }, { "tripleset": [ [ "Aaron Turner", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Old Man Gloom" ], [ "Aaron Turner", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Lotus Eaters (band)" ], [ "Aaron Turner", "GENRE", "Black metal" ], [ "Aaron Turner", "ORIGIN", "United States" ], [ "Aaron Turner", "ACTIVE_YEARS_START_YEAR", "1995" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Aaron Turner, whose origin is the United States, started performing in 1995. Aaron Turner; performs black metal music, played for Old Man Gloom and is a musician in the Lotus Eaters band." }, { "source": "webnlg", "text": "Aaron Turner came from the U.S. He is a Black metal musician who started performing in 1995. He plays in the Lotus Eaters band having previously performed with Old Man Gloom." }, { "source": "webnlg", "text": "Black Metal musician and United States born Aaron Turner started his career in 1995. He is associated with the bands Old Man Gloom and the Lotus Eaters." } ] }, { "tripleset": [ [ "Aaron Turner", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Twilight (band)" ], [ "Aaron Turner", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Lotus Eaters (band)" ], [ "Aaron Turner", "GENRE", "Sludge metal" ], [ "Aaron Turner", "ORIGIN", "Massachusetts" ], [ "Aaron Turner", "ACTIVE_YEARS_START_YEAR", "1995" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Aaron Turner was born in Massachusetts and started performing in 1995. He formerly played with the band Twilight and is now in the Lotus Eaters. He is is closely associated with the sludge metal genre." }, { "source": "webnlg", "text": "Aaron Turner is from Massachusetts. He is a musician who loves Sludge metal and played with the band Twilight as well as the Lotus Eater's Band, in 1995." }, { "source": "webnlg", "text": "Massachusetts born Sludge metal musician, Aaron Turner, began performing in 1995. He has played with Twilight and has been with the Lotus Eaters band." } ] }, { "tripleset": [ [ "Abradab", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Magik (rapper)" ], [ "Abradab", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Kaliber 44" ], [ "Abradab", "BIRTH_PLACE", "Katowice" ], [ "Abradab", "BIRTH_PLACE", "Poland" ], [ "Abradab", "DATE_OF_BIRTH", "1978-11-12" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Abradab was born in Katowice, Poland on Novembe 12, 1978. He played with Kaliber 44 and is associated with the rapper Magik." }, { "source": "webnlg", "text": "Abradab was born in Katowice, Poland on 12 November 1978. He is associated with the rapper Magik and played with the Kaliber 44 band." }, { "source": "webnlg", "text": "Abradab was born on November 12th 1978, in Katowice, Poland. He is an artist for the band Kaliber 44 and is associated with the rapper Magik." } ] }, { "tripleset": [ [ "Ace Wilder", "BACKGROUND", "\"solo singer\"" ], [ "Ace Wilder", "DATE_OF_BIRTH", "1982" ], [ "Ace Wilder", "OCCUPATION", "Singing" ], [ "Ace Wilder", "BIRTH_PLACE", "Sweden" ], [ "Ace Wilder", "DATE_OF_BIRTH", "1982-07-23" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Ace Wilder has a musical background as a solo singer was born on July 23rd, 1982, in Sweden." }, { "source": "webnlg", "text": "Solo singer Ace Wilder was born on July 23, 1982 in the country of Sweden." }, { "source": "webnlg", "text": "Ace Wilder's occupation is a solo singer. He was born in Sweden on 23 July 1982." } ] }, { "tripleset": [ [ "Ace Wilder", "BACKGROUND", "\"solo singer\"" ], [ "Ace Wilder", "DATE_OF_BIRTH", "1982" ], [ "Ace Wilder", "OCCUPATION", "Songwriter" ], [ "Ace Wilder", "BIRTH_PLACE", "Stockholm" ], [ "Ace Wilder", "DATE_OF_BIRTH", "1982-07-23" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Ace Wilder, a solo singer and songwriter, was born on July 23, 1982 in Stockholm." }, { "source": "webnlg", "text": "Ace Wilder was born in Stockholm on July 23, 1982. He is a songwriter with a background as a solo singer." }, { "source": "webnlg", "text": "Ace Wilder was born 23rd July 1972 in Stockholm. He is a solo singer and songwriter." } ] }, { "tripleset": [ [ "Ace Wilder", "GENRE", "Hip hop music" ], [ "Hip hop music", "MUSIC_SUBGENRE", "Gangsta rap" ], [ "Hip hop music", "STYLISTIC_ORIGIN", "Funk" ], [ "Hip hop music", "DERIVATIVE", "Drum and bass" ], [ "Hip hop music", "STYLISTIC_ORIGIN", "Disco" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Ace Wilder's musical genre is Hip hop. Hip Hop music has its origins in Funk and Disco, and Drum and bass derives its sounds from hip hop music, which has a subg\u00e9nre Gangsta rap." }, { "source": "webnlg", "text": "Ace Wilder is a hip hop musician. Hip hop originates from funk and disco. Gangsta rap is a sub genre of hip hop and drum and bass is a derivative of it." }, { "source": "webnlg", "text": "Hip hop originates from disco and funk while influencing drum &amp; bass, with a subgenre of Gangsta rap. Ace Wilder is a hip hop musician." } ] }, { "tripleset": [ [ "Ace Wilder", "GENRE", "Hip hop music" ], [ "Hip hop music", "STYLISTIC_ORIGIN", "Funk" ], [ "Ace Wilder", "BIRTH_PLACE", "Sweden" ], [ "Hip hop music", "DERIVATIVE", "Drum and bass" ], [ "Hip hop music", "STYLISTIC_ORIGIN", "Disco" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Drum and bass derives its sounds from hip hop music which originated from Funk and Disco. Ace Wilder, who was born in Sweden, plays the musical genre of hip hop." }, { "source": "webnlg", "text": "Hip hop musician Ace Wilder was born in Sweden. Hip hop has its origins in Funk and disco while being an influence on Drum and Bass." }, { "source": "webnlg", "text": "Sweden is the birthplace of Hip hop musician Ace Wilder. Drum and bass genre music come from hip hop, which has origins in funk and disco." } ] }, { "tripleset": [ [ "Al Anderson (NRBQ band)", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "NRBQ" ], [ "Al Anderson (NRBQ band)", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "The Wildweeds" ], [ "Al Anderson (NRBQ band)", "BIRTH_PLACE", "Windsor, Connecticut" ], [ "Al Anderson (NRBQ band)", "GENRE", "Rock music" ], [ "Al Anderson (NRBQ band)", "ACTIVE_YEARS_START_YEAR", "1966" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Al Anderson (of the rock music band NRBQ) played once with The Wildweeds, was born in Windsor, Connecticut, and became active in 1966." }, { "source": "webnlg", "text": "Musician Al Anderson was born in Windsor Connecticut and began his career in 1966. He was a member of the band The Wildweeds and is now part of the rock group NRBQ." } ] }, { "tripleset": [ [ "Al Anderson (NRBQ band)", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "NRBQ" ], [ "Rock music", "MUSIC_FUSION_GENRE", "Bhangra (music)" ], [ "Al Anderson (NRBQ band)", "INSTRUMENT", "Guitar" ], [ "Al Anderson (NRBQ band)", "GENRE", "Rock music" ], [ "Rock music", "STYLISTIC_ORIGIN", "Country music" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Al Anderson plays the guitar for the rock band NRBQ. Rock music originated from country music and is an element of the fusion genre Bhangra." }, { "source": "webnlg", "text": "Al Anderson is a guitarist and rock musician with the band NRBQ. Rock originates from country music and is an influence on the fusion style of Bhangra." } ] }, { "tripleset": [ [ "Alan Frew", "OCCUPATION", "Musician" ], [ "Alan Frew", "ORIGIN", "Canada" ], [ "Alan Frew", "BIRTH_PLACE", "Coatbridge" ], [ "Alan Frew", "ORIGIN", "Newmarket, Ontario" ], [ "Alan Frew", "BACKGROUND", "\"solo singer\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alan Frew, who is from Newmarket, Ontario, (Canada, was born in Coatbridge. He is a musician and solo singer." }, { "source": "webnlg", "text": "Alan Frew is from Coatbridge, Newmarket, Ontario, Canada and he is a musician and solo singer." }, { "source": "webnlg", "text": "Singer Alan Frew was born in Coatbridge but is from Newmarket, Ontario, Canada." } ] }, { "tripleset": [ [ "Aleksandra Kova\u010d", "BACKGROUND", "\"solo singer\"" ], [ "Aleksandra Kova\u010d", "DATE_OF_BIRTH", "1972" ], [ "Aleksandra Kova\u010d", "BIRTH_PLACE", "Socialist Republic of Serbia" ], [ "Aleksandra Kova\u010d", "GENRE", "Pop music" ], [ "Pop music", "MUSIC_FUSION_GENRE", "Disco" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Aleksandra Kovac is a solo pop music singer who was born in 1972 in the Socialist Republic of Serbia. Disco music is a fusion genre of pop music." }, { "source": "webnlg", "text": "Pop music solo singer Aleksandra Kova\u010d was born 1972, in the Socialist Republic of Serbia. Disco is a fusion of pop music." }, { "source": "webnlg", "text": "Pop singer Aleksandra Kovac was born 1972, in the Socialist Republic of Serbia. Disco is a fusion style originating from pop." } ] }, { "tripleset": [ [ "Aleksandra Kova\u010d", "GENRE", "Rhythm and blues" ], [ "Aleksandra Kova\u010d", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "K2 (Kova\u010d sisters duo)" ], [ "Aleksandra Kova\u010d", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Kornelije Kova\u010d" ], [ "Aleksandra Kova\u010d", "BACKGROUND", "\"solo singer\"" ], [ "Aleksandra Kova\u010d", "ACTIVE_YEARS_START_YEAR", "1990" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Rhythm and blues singer Aleksandra Kova\u010d became musically active in 1990. She is in same band as Kornelije Kova\u010d, part of the K2 (Kova\u010d sisters duo) and also has a solo career." }, { "source": "webnlg", "text": "Rhythm and blues singer Aleksandra Kova\u010d, began her career circa 1990 and is a member of the duo K2, with Kornelije Kova\u010d." }, { "source": "webnlg", "text": "Rhythm and blues solo singer Aleksandra Kovac began in 1990, is a member of sister duo K2 and is associated with Kornelije Kova\u010d." } ] }, { "tripleset": [ [ "Alfred Garth Jones", "DEATH_PLACE", "London" ], [ "Alfred Garth Jones", "BIRTH_PLACE", "England" ], [ "Alfred Garth Jones", "NATIONALITY", "United Kingdom" ], [ "Alfred Garth Jones", "BIRTH_PLACE", "Manchester" ], [ "Alfred Garth Jones", "DATE_OF_BIRTH", "1872" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alfred Garth Jones was born in 1872 in Manchester, England in the U.K. He died in London." }, { "source": "webnlg", "text": "Alfred Garth Jones was born in Manchester, England in the United Kingdom in 1872. He died in London." }, { "source": "webnlg", "text": "Alfred Garth Jones was born in Manchester,England in 1872.He passed away in London." } ] }, { "tripleset": [ [ "Alfred Garth Jones", "DEATH_PLACE", "Sidcup" ], [ "Alfred Garth Jones", "DEATH_PLACE", "London" ], [ "Alfred Garth Jones", "BIRTH_PLACE", "Manchester" ], [ "London", "LEADER_TITLE", "European Parliament" ], [ "London", "LEADER_NAME", "Boris Johnson" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alfred Garth Jones was born in Manchester and died in Sidcup, London. Boris Johnson is a leader in London, who's leader is the European Parliament." }, { "source": "webnlg", "text": "Alfred Garth Jones was Sidcup was born in Manchester and died, in Boris Johnson and European Parliament led, Sidcup, London." }, { "source": "webnlg", "text": "Manchester born Alfred Garth Jones, died in Sidcup, London. Boris Johnson and the European Parliament lead London." } ] }, { "tripleset": [ [ "Alfred Garth Jones", "DEATH_PLACE", "Sidcup" ], [ "Alfred Garth Jones", "DEATH_PLACE", "London" ], [ "Alfred Garth Jones", "BIRTH_PLACE", "Manchester" ], [ "Manchester", "LEADER_NAME", "Labour Party (UK)" ], [ "London", "LEADER_TITLE", "European Parliament" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alfred Garth Jones was born in Manchester and died in Sidcup, London. The leader of London is the European Parliament, and the leader of Manchester is The Labour Party (UK)." }, { "source": "webnlg", "text": "Alfred Garth Jones was born in Manchester and passed away in Sidcup,London.The Labour Party is the leader of Manchester.The European parliament is the leader of London." }, { "source": "webnlg", "text": "Alfred Garth Jones was born in Manchester and died in Sidcup, London (led by the European Parliament). Manchester is led the Labour Party." } ] }, { "tripleset": [ [ "Alison O'Donnell", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Flibbertigibbet" ], [ "Alison O'Donnell", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Mellow Candle" ], [ "Alison O'Donnell", "GENRE", "Folk music of Ireland" ], [ "Alison O'Donnell", "RECORD_LABEL", "Floating World Records" ], [ "Alison O'Donnell", "ACTIVE_YEARS_START_YEAR", "1963" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alison O'Donnell, a member of the Flibbertigibbet band and the Mellow Candle band, played folk music of Ireland becoming active in her career in 1963. Alison signed to Floating World Records." }, { "source": "webnlg", "text": "Ireland folk musician Alison O'Donnell is signed to Floating World Records and became active in 1963. She is associated with the Flibbertigibbet band and Mellow Candle." }, { "source": "webnlg", "text": "Floating World Records recording, Ireland, artist Alison O'Donnell began performing in 1963 and was a member of the Flibbertigibbet band and Mellow Candle." } ] }, { "tripleset": [ [ "Alison O'Donnell", "GENRE", "Jazz" ], [ "Jazz", "DERIVATIVE", "Funk" ], [ "Alison O'Donnell", "RECORD_LABEL", "Deram Records" ], [ "Deram Records", "LOCATION", "London" ], [ "Alison O'Donnell", "RECORD_LABEL", "Stanyan Records" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alison O'Donnell plays jazz music, where Funk is a derivative and has sign for Stanyan Records label as well as Deram records based in London." }, { "source": "webnlg", "text": "Funk is derived from jazz music as performed by Alison O Donnell. She is signed with the record label Stanyan Records and also Deram Records which is based in London." }, { "source": "webnlg", "text": "Alison O'Donnell performs jazz music, of which funk is a derivative. She was signed to Deram Records in London but is now signed to Stanyan Records." } ] }, { "tripleset": [ [ "Alison O'Donnell", "GENRE", "Jazz" ], [ "Jazz", "DERIVATIVE", "Funk" ], [ "Jazz", "MUSIC_FUSION_GENRE", "Afrobeat" ], [ "Alison O'Donnell", "INSTRUMENT", "Autoharp" ], [ "Jazz", "STYLISTIC_ORIGIN", "Folk music" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Afrobeat is a fusion genre of Jazz. Funk is a derivative of Jazz which has its stylistic origins in folk music. Alison O'Donnell performs jazz music and can play the autoharp." }, { "source": "webnlg", "text": "Alison O'Donnell, who plays the autoharp, is a performer of jazz, which has its origins on folk music. Jazz has a derivative called funk and a fusion genre named Afrobeat." } ] }, { "tripleset": [ [ "Alison O'Donnell", "GENRE", "Jazz" ], [ "Jazz", "STYLISTIC_ORIGIN", "Blues" ], [ "Jazz", "DERIVATIVE", "Funk" ], [ "Jazz", "MUSIC_FUSION_GENRE", "Afrobeat" ], [ "Alison O'Donnell", "INSTRUMENT", "\"Voice, bodhr\u00e1n, percussion, autoharp\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alison O'Donnell is a singer who plays the bodhran, percussion and autoharp and also performs jazz music. Funk is derived from Jazz and Afrobeat music is a fusion of Jazz music. Blues music influenced Jazz music." }, { "source": "webnlg", "text": "Jazz singer Alison O'Donnell plays the bodhran, percussion and autoharp. Jazz derives from funk and blues while being an influence on funk and Afrobeat fusion." }, { "source": "webnlg", "text": "Jazz musician Alison O'Donnell uses voice, ,bodhran, percussion and the autoharp. Afrobeat and Funk originate from Jazz, which comes from the Blues." } ] }, { "tripleset": [ [ "Allen Forrest", "DATE_OF_BIRTH", "1981" ], [ "Allen Forrest", "GENRE", "Acoustic music" ], [ "Allen Forrest", "BIRTH_PLACE", "Dothan, Alabama" ], [ "Allen Forrest", "BACKGROUND", "\"solo singer\"" ], [ "Allen Forrest", "BIRTH_PLACE", "Fort Campbell" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Allen Forrest was a solo acoustic singer and was born in the year 1981, in Dothan (Fort Campbell), Alabama." }, { "source": "webnlg", "text": "Allen Forrest was born in Fort Campbell, Dothan, Alabama in 1981. He plays acoustic music and has a background as a solo singer." }, { "source": "webnlg", "text": "Allen Forrest was born in Fort Campbell, Dothan, Alabama in 1981. He is a solo singer who performs acoustic music." } ] }, { "tripleset": [ [ "Anders Osborne", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Billy Iuso" ], [ "Anders Osborne", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Voice of the Wetlands All-Stars" ], [ "Anders Osborne", "GENRE", "Rock music" ], [ "Anders Osborne", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Galactic" ], [ "Anders Osborne", "ACTIVE_YEARS_START_YEAR", "1989" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Anders Osborne is a rock musician who career began in 1989; he is associated with the musical artist Billy Iuso, the band Galactic, and with Voice of the Wetlands All-Stars." }, { "source": "webnlg", "text": "Anders Osborne, a rock musician, started performing in 1989 and has worked with Galactic and Voice of the Wetlands All-Stars band. Mr. Osborne is associated with Billy Iuso." }, { "source": "webnlg", "text": "Rock musician Anders Osborne began his career in 1989 and has been associated with the bands Galactic and Voice of the Wetlands All-Stars and the musical artist Billy Iuso." } ] }, { "tripleset": [ [ "Anders Osborne", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Galactic" ], [ "Anders Osborne", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Tab Benoit" ], [ "Anders Osborne", "GENRE", "Blues" ], [ "Anders Osborne", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Billy Iuso" ], [ "Anders Osborne", "ACTIVE_YEARS_START_YEAR", "1989" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Anders Osborne musical career began in 1989. His career began in the blue's genre. He has been associated with the band, Galactic as well as Tab Benoit. Osborne also has ties to fellow musician Billy Iuso." }, { "source": "webnlg", "text": "Anders Osborne began his Blues musical career in 1989 and has worked with Galactic, Tab Benoit and Billy Iuso." }, { "source": "webnlg", "text": "Blues artist Anders Osborne began in 1989 and is associated with artists Tab Benoit, Galactic and Billy Iuso." } ] }, { "tripleset": [ [ "Andra (singer)", "DATE_OF_BIRTH", "1986" ], [ "Andra (singer)", "GENRE", "Dance-pop" ], [ "Andra (singer)", "BIRTH_PLACE", "C\u00e2mpia Turzii" ], [ "Andra (singer)", "BACKGROUND", "\"solo singer\"" ], [ "Andra (singer)", "OCCUPATION", "\"singer, Reality television judge\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Andra was born in Campia, Turzii in 1986. She is a Dance-pop music singer and makes a living as a singer and reality television judge." }, { "source": "webnlg", "text": "Andra is a dance-pop singer who was born in Campia, Turzii in 1986. She began her career as a solo singer and makes her living as a singer and reality television judge." }, { "source": "webnlg", "text": "Andra, a dance pop singer and a solo singer, was born in Campia Turzii in 1986. She makes her living as a singer and a reality tv judge." } ] }, { "tripleset": [ [ "Andra (singer)", "GENRE", "Rhythm and blues" ], [ "Andra (singer)", "BACKGROUND", "\"solo singer\"" ], [ "Andra (singer)", "DATE_OF_BIRTH", "1986" ], [ "Andra (singer)", "OCCUPATION", "Singing" ], [ "Andra (singer)", "BIRTH_PLACE", "Romania" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Solo singer, Andra, was born in 1986, in Romania. Andra is a rhythm and blues singer whose occupation is singing." }, { "source": "webnlg", "text": "The singer Andra was born in Romania in 1986 and performs rhythm and blues as a solo artist." }, { "source": "webnlg", "text": "The Rhythm and blues solo singer musician Andra, was born 1986, in Romania." } ] }, { "tripleset": [ [ "Andrew Rayel", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Armin van Buuren" ], [ "Andrew Rayel", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Bobina" ], [ "Andrew Rayel", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "\"Armin Van Buuren, Bobina, Mark Sixma, Jonathan Mendelsohn, Christian Burns, Jwaydan, Alexander Popov, Jano, Alexandre Bergheau, Jonny Rose, Sylvia Tosun, Lira Yin, Alexandra Badoi\"" ], [ "Andrew Rayel", "GENRE", "Trance music" ], [ "Trance music", "STYLISTIC_ORIGIN", "Pop music" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Andrew Rayel has performed the genre of Trance music which has its stylistic origins in pop music. He Andrew Rayel has been associated with the following musical artists: Bobina, Armin Van Buuren, Bobina, Mark Sixma, Jonathan Mendelsohn, Christian Burns, Jwaydan, Alexander Popov, Jano, Alexandre Bergheau, Jonny Rose, Sylvia Tosun, Lira Yin and Alexandra Badoi." }, { "source": "webnlg", "text": "Andrew Rayel is associated with a number of musical artists, these include: Armin Van Buuren, Bobina, Mark Sixma, Jonathan Mendelsohn, Christian Burns, Jwaydan, Alexander Popov, Jano, Alexandre Bergheau, Jonny Rose, Sylvia Tosun, Lira Yin, and Alexandra Badoi. His musical genre is Trance music which has its stylistic origins in pop." } ] }, { "tripleset": [ [ "Andrew Rayel", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Christian Burns" ], [ "Andrew Rayel", "GENRE", "Trance music" ], [ "Andrew Rayel", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Armin van Buuren" ], [ "Andrew Rayel", "BIRTH_PLACE", "\"Chi\u0219in\u0103u, Moldova\"" ], [ "Andrew Rayel", "ACTIVE_YEARS_START_YEAR", "2009" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Andrew Rayel, who was born in Chisinau, Moldova, started his career in 2009 and his musical genre is trance music. He is associated with Christian Burns and Armin van Buuren." }, { "source": "webnlg", "text": "Andrew Rayel was born in Chisinau Moldova. He's an associate of Armin van Buuren and Christian Burns. Mr Rayel's musical genre is Trance which he started in 2009." }, { "source": "webnlg", "text": "Andrew Rayel was born in Chisinau, Moldova. He began his musical career in 2009 and has performed the genre of Trance music. He is associated with the musical artist Armin van Buuren and with Christian Burns." } ] }, { "tripleset": [ [ "Andrew Rayel", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Jwaydan Moyine" ], [ "Andrew Rayel", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Bobina" ], [ "Andrew Rayel", "GENRE", "Trance music" ], [ "Andrew Rayel", "BIRTH_PLACE", "\"Chi\u0219in\u0103u, Moldova\"" ], [ "Andrew Rayel", "ACTIVE_YEARS_START_YEAR", "2009" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Andrew Rayel was born in Chisinau, Moldova and began as a musician performing Trance Music in 2009. He is associated with musicians, Jwaydan Moyine and Bobina." }, { "source": "webnlg", "text": "Andrew Rayel was born in Chisinau, Moldova and began his Trance Music career in 2009. He is associated with jwaydan Moyine and Bobina." }, { "source": "webnlg", "text": "Andrew Rayel was worn in Chisinau, Moldova and began performing in 2009. He is associated with Jwaydan Moyine and Bobina and performs trance music." } ] }, { "tripleset": [ [ "Andrew Rayel", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Jwaydan Moyine" ], [ "Jwaydan Moyine", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "John Digweed" ], [ "Andrew Rayel", "INSTRUMENT", "String instrument" ], [ "Andrew Rayel", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Christian Burns" ], [ "Andrew Rayel", "GENRE", "Trance music" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Trance music performer Andrew Rayel was a string instrumentalist. He's associated with Christian Burns and Jwaydan Moyine, who in turn knows John Digweed." }, { "source": "webnlg", "text": "String instrumentalist Andrew Rayel, who performs Trance music, is associated with Christian Burns and Jwaydan Moyine, the latter of which has worked with the musical artist John Digweed." }, { "source": "webnlg", "text": "Trance string instrumentalist Andrew Rayel is associated with musicians John Digweed, Christian Burns and Jwaydan Moyine." } ] }, { "tripleset": [ [ "Andrew White (musician)", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Kaiser Chiefs" ], [ "Andrew White (musician)", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Marry Banilow" ], [ "Andrew White (musician)", "RECORD_LABEL", "B-Unique Records" ], [ "Andrew White (musician)", "RECORD_LABEL", "Polydor Records" ], [ "Andrew White (musician)", "ACTIVE_YEARS_START_YEAR", "2003" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The musician Andrew White is part of the Kaiser Chiefs and is signed to the record label B-Unique Records and Polydor Records. He started his musical career in 2003 and was associated with Marry Banilow." }, { "source": "webnlg", "text": "B-Unique Records and Polydor Records artist Andrew White began in 2003 and is associated with the Kaiser Chiefs and artist Marry Banilow." }, { "source": "webnlg", "text": "B-Unique Records and Polydor Recording artist Andrew White began his career in 2003. He is associated with the Kaiser Chiefs and Marry Banilow." } ] }, { "tripleset": [ [ "Hip hop music", "STYLISTIC_ORIGIN", "Disco" ], [ "Allen Forrest", "BIRTH_PLACE", "Fort Campbell" ], [ "Allen Forrest", "GENRE", "Hip hop music" ], [ "Hip hop music", "STYLISTIC_ORIGIN", "Funk" ], [ "Hip hop music", "DERIVATIVE", "Drum and bass" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Drum and bass derives its sounds from hip hop music which has its origins in both Funk and Disco. Hip hop music is the musical genre of Allen Forrest, who was born in Fort Campbell." }, { "source": "webnlg", "text": "Allen Forrest was born in Fort Campbell and is a hip hop musician. Hip hop originates from funk and disco and was derived into drum and bass music." }, { "source": "webnlg", "text": "Born in Fort Campbell, Allen Forrest is a performer of hip hop music, which originated from funk and disco. Drum and bass has its origins in hip hop." } ] }, { "tripleset": [ [ "Hip hop music", "STYLISTIC_ORIGIN", "Disco" ], [ "Allen Forrest", "GENRE", "Hip hop music" ], [ "Allen Forrest", "DATE_OF_BIRTH", "1981" ], [ "Hip hop music", "STYLISTIC_ORIGIN", "Funk" ], [ "Hip hop music", "DERIVATIVE", "Drum and bass" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "1981 born Allen Forrest's genre, is Hip Hop music, which originated from funk and disco and drum and bass is a derivative of Hip hop music." }, { "source": "webnlg", "text": "Allen Forrest was born in 1981 and plays Hip Hop music. Hip hop originated from disco and funk musics. Drum and bass gets its sounds from hip hop." }, { "source": "webnlg", "text": "Allen Forrest, a hip hop musician, was born in the year 1981. That music genre gets its origins from Disco and Funk music. Drum and bass is derived from Hip Hop music." } ] }, { "tripleset": [ [ "London", "LEADER_TITLE", "Parliament of the United Kingdom" ], [ "Alfred Garth Jones", "DEATH_PLACE", "Sidcup" ], [ "Alfred Garth Jones", "DEATH_PLACE", "London" ], [ "Alfred Garth Jones", "BIRTH_PLACE", "Manchester" ], [ "Manchester", "LEADER_NAME", "Labour Party (UK)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Labour Party is in the majority in Manchester, the birthplace of Alfred Garth Jones. Alfred Garth Jones died in. Sidcup, in London which is led by the Parliament of the United Kingdom." }, { "source": "webnlg", "text": "Alfred Garth Jones was born in Manchester, where the Labour party is in the majority and died in Sidcup, London. Parliament of the United Kingdom is the leader of London." }, { "source": "webnlg", "text": "Alfred Garth Jones, born in Manchester, died in Sidcup, London. Manchester is led by the UK, Labour Party and London is led by the Parliament of the United Kingdom." } ] }, { "tripleset": [ [ "Paraguay", "ETHNIC_GROUP", "Mestizo" ], [ "Agust\u00edn Barboza", "BIRTH_PLACE", "Asunci\u00f3n" ], [ "Paraguay", "LEADER_NAME", "Juan Afara" ], [ "Agust\u00edn Barboza", "DEATH_PLACE", "Paraguay" ], [ "Paraguay", "LANGUAGE", "Spanish language" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Agustin Barboza was born in Asuncion, in Paraguay. The country which has an ethnic group called the Mestizo. it is also the country where Spanish is spoken and which is led by Juan Afara." }, { "source": "webnlg", "text": "Agustin Barboza was born in Asuncion, Paraguay where the people speak Spanish. Juan Afara leads the country and an ethnic group in Paraguay are the Mestizo people." }, { "source": "webnlg", "text": "Agustin Barboza was born in Spanish speaking Asuncion, Paraguay, home of the Mestizo. Paraguay is led by Juan Afara." } ] }, { "tripleset": [ [ "Polydor Records", "LOCATION", "London" ], [ "Alternative rock", "MUSIC_FUSION_GENRE", "Nu metal" ], [ "Andrew White (musician)", "GENRE", "Alternative rock" ], [ "Andrew White (musician)", "RECORD_LABEL", "B-Unique Records" ], [ "Andrew White (musician)", "RECORD_LABEL", "Polydor Records" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Andrew White is an alternative rock musician signed to the record label B-Unique Records and Polydor Records in London. Nu metal is a music fusion genre of alternative rock." }, { "source": "webnlg", "text": "Musician Andrew White, is signed to the record label B-Unique Records and is signed to the London based, record label, Polydor Records. His genre is alternative rock, the fusion genre of which, is Nu metal." }, { "source": "webnlg", "text": "Andrew White's genre is alternative rock and he is signed to B-Unique Records and Polydor Records which is in London. Nu metal is a music fusion of alternative rock." } ] }, { "tripleset": [ [ "Polydor Records", "LOCATION", "London" ], [ "Alternative rock", "MUSIC_FUSION_GENRE", "Nu metal" ], [ "Andrew White (musician)", "RECORD_LABEL", "Polydor Records" ], [ "Andrew White (musician)", "RECORD_LABEL", "Universal Records (defunct record label)" ], [ "Andrew White (musician)", "GENRE", "Alternative rock" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The musician Andrew White's record label used to be Universal records which is now a defunct label. His record label is Polydor Records which is located in London. Andrew White's genre is alternative rock , the music fusion genre of which, is Nu metal." }, { "source": "webnlg", "text": "Andrew White is an alternative rock musician with Polydor Records and was once with Universal Records. Polydor Records is in London. Nu metal is a fusion of alternative rock sounds." }, { "source": "webnlg", "text": "Alternative rock musician Andrew White was signed with Universal but is now with London's Polydore Records. Nu metal is an alternative rock fusion." } ] }, { "tripleset": [ [ "Rock music", "MUSIC_FUSION_GENRE", "Bhangra (music)" ], [ "Al Anderson (NRBQ band)", "INSTRUMENT", "Guitar" ], [ "Al Anderson (NRBQ band)", "GENRE", "Rock music" ], [ "Rock music", "STYLISTIC_ORIGIN", "Country music" ], [ "Country music", "STYLISTIC_ORIGIN", "Blues" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Al Anderson plays the guitar in the rock music band NRBQ. Rock music originated from country music, which originated from blues music; The music Bhangra is part of the fusion genre, partly coming from Rock music." }, { "source": "webnlg", "text": "Al Anderson plays the guitar for rock band NRBQ. Rock comes from country music which originates from blues. Bhangra music is a musical fusion of rock music." }, { "source": "webnlg", "text": "Rock guitarist AI Anderson is a member of NRBQ. Rock originates from rock which has its origins in country which derives from the blues. Bhangra is a rock fusion." } ] }, { "tripleset": [ [ "Rock music", "STYLISTIC_ORIGIN", "Blues" ], [ "Rock music", "MUSIC_FUSION_GENRE", "Bhangra (music)" ], [ "Country music", "INSTRUMENT", "Banjo" ], [ "Al Anderson (NRBQ band)", "GENRE", "Rock music" ], [ "Rock music", "STYLISTIC_ORIGIN", "Country music" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Al Anderson plays with the rock band NRBQ. Rock has its origiins in the blues and country music, where the banjo is played, and Bhangra is a rock fusion." }, { "source": "webnlg", "text": "The banjo is a staple of country music, the origin of rock, which is also inspired by the Blues. Rock lends itself to bhangra and is the style of Al Anderson and NRBQ." } ] }, { "tripleset": [ [ "Twilight (band)", "GENRE", "Black metal" ], [ "Aaron Turner", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Twilight (band)" ], [ "Aaron Turner", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Old Man Gloom" ], [ "Aaron Turner", "INSTRUMENT", "Electric guitar" ], [ "Black metal", "MUSIC_FUSION_GENRE", "Death metal" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Aaron Turner is an electric guitar player who has played with the black metal band Twilight and with Old Man Gloom. Death metal is a musical fusion of black metal." }, { "source": "webnlg", "text": "Aaron Turner plays electric guitar and played with the black metal Twilight band and the Old Man Gloom band. A fusion of black metal is called Death metal." }, { "source": "webnlg", "text": "Electric guitarist Aaron Turner played with black metal band Twilight and Old Man Gloom. Death metal is a fusion of blck metal." } ] }, { "tripleset": [ [ "Uruguay", "LEADER_NAME", "Ra\u00fal Fernando Sendic Rodr\u00edguez" ], [ "Alfredo Zitarrosa", "DEATH_PLACE", "Montevideo" ], [ "Montevideo", "COUNTRY", "Uruguay" ], [ "Montevideo", "LEADER_NAME", "Daniel Mart\u00ednez (politician)" ], [ "Uruguay", "LANGUAGE", "Spanish language" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alfredo Zitarrosa died in Montevideo, Uruguay. Daniel Martinez is a political leader in Montevideo, and Raul Fernando Sendic Rodriguez is a leader in Uruguay, where Spanish is spoken." }, { "source": "webnlg", "text": "Alfredo Zitarrosa died in Montevideo, the leader of which, is Daniel Martinez. Montevideo is in Uruguay, where Spanish is the language and where Ra\u00fal Fernando Sendic Rodr\u00edguez is the leader." }, { "source": "webnlg", "text": "Ra\u00fal Fernando Sendic Rodr\u00edguez is the leader of Spanish speaking, Uruguay. Daniel Martinez is the leader of Montevideo, the final resting place of Alfredo Zitarrosa." } ] }, { "tripleset": [ [ "Abilene Regional Airport", "CITY_SERVED", "Abilene, Texas" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Adolfo Su\u00e1rez Madrid\u2013Barajas Airport", "LOCATION", "\"Madrid, Paracuellos de Jarama, San Sebasti\u00e1n de los Reyes and Alcobendas\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Adolfo Su\u00e1rez Madrid\u2013Barajas Airport", "RUNWAY_NAME", "\"18L/36R\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Afonso Pena International Airport", "ICAO_LOCATION_IDENTIFIER", "\"SBCT\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Afonso Pena International Airport", "CITY_SERVED", "Curitiba" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Al-Taqaddum Air Base", "CITY_SERVED", "Fallujah" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Al-Taqaddum Air Base", "RUNWAY_LENGTH", "3684.0" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Alderney Airport", "RUNWAY_NAME", "\"14/32\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Allama Iqbal International Airport", "RUNWAY_LENGTH", "3360.12" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Amsterdam Airport Schiphol", "1ST_RUNWAY_NUMBER", "18" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Amsterdam Airport Schiphol", "5TH_RUNWAY_SURFACE_TYPE", "\"Asphalt\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Amsterdam Airport Schiphol", "RUNWAY_NAME", "\"06/24 'Kaagbaan'\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Andrews County Airport", "ELEVATION", "973.0" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Andrews County Airport", "OWNER", "Andrews County, Texas" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Andrews County Airport", "RUNWAY_LENGTH", "896.0" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Angola International Airport", "1ST_RUNWAY_SURFACE_TYPE", "\"Asphalt\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Antwerp International Airport", "ELEVATION", "12.0" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Antwerp International Airport", "OPERATING_ORGANISATION", "Flemish Government" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Appleton International Airport", "RUNWAY_LENGTH", "2439.0" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Ardmore Airport (New Zealand)", "RUNWAY_LENGTH", "518.0" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Ashgabat International Airport", "ICAO_LOCATION_IDENTIFIER", "\"UTAA\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Ashgabat International Airport", "RUNWAY_NAME", "\"11/29\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Atlantic City International Airport", "OWNER", "South Jersey Transportation Authority" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Atlantic City International Airport", "RUNWAY_NAME", "\"13/31\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Belgium", "LANGUAGE", "Dutch language" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Curitiba", "IS_PART_OF", "South Region, Brazil" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Denmark", "DEMONYM", "Danes" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Fallujah", "COUNTRY", "Iraq" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Greenville, Wisconsin", "COUNTRY", "United States" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Greenville, Wisconsin", "IS_PART_OF", "Grand Chute, Wisconsin" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Iraq", "LANGUAGE", "Arabic" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Madrid", "COUNTRY", "Spain" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Maple Ridge Township, Alpena County, Michigan", "IS_PART_OF", "United States" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Pakistan", "LEADER_NAME", "Sardar Ayaz Sadiq" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Port Authority of New York and New Jersey", "REGION_SERVED", "New Jersey" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Texas", "LARGEST_CITY", "Houston" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "United States Air Force", "BATTLES", "1986 United States bombing of Libya" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "United States Air Force", "TRANSPORT_AIRCRAFT", "Boeing C-17 Globemaster III" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "11th Mississippi Infantry Monument", "ESTABLISHED", "2000" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Adams County, Pennsylvania", "HAS_TO_ITS_SOUTHEAST", "Carroll County, Maryland" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Azerbaijan", "LEADER", "Artur Rasizade" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Azerbaijan", "LEADER_TITLE", "Prime Minister of Azerbaijan" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Baku Turkish Martyrs' Memorial", "NATIVE_NAME", "\"T\u00fcrk \u015eehitleri An\u0131t\u0131\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "11 Diagonal Street", "LOCATION", "South Africa" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "250 Delaware Avenue", "ARCHITECTURAL_STYLE", "Postmodern architecture" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "300 North LaSalle", "LOCATION", "Chicago" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "320 South Boston Building", "ARCHITECT", "George Winkler" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "320 South Boston Building", "BUILDING_START_DATE", "1910" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "AC Hotel Bella Sky Copenhagen", "NUMBER_OF_ROOMS", "814" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Adare Manor", "ARCHITECT", "\"James Pain and George Richard Pain,\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Adisham Hall", "LOCATION", "Haputale" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Akita Museum of Art", "COUNTRY", "Japan" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Alan B. Miller Hall", "OWNER", "College of William &amp; Mary" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Amdavad ni Gufa", "ADDRESS", "\"Lalbhai Dalpatbhai Campus, near CEPT University, opp. Gujarat University, University Road\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Asher and Mary Isabelle Richardson House", "REFERENCE_NUMBER_IN_THE_NATIONAL_REGISTER_OF_HISTORIC_PLACES", "\"88002539\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Asilomar Conference Grounds", "ARCHITECT", "Julia Morgan" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Asilomar Conference Grounds", "ARCHITECTURE", "\"Arts and Crafts Movement and American craftsman Bungalows\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Asilomar Conference Grounds", "YEAR_OF_CONSTRUCTION", "1913" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Asser Levy Public Baths", "LOCATION", "New York City" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Buffalo, New York", "IS_PART_OF", "Erie County, New York" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Buffalo, New York", "LEADER_NAME", "Byron Brown" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "County Limerick", "IS_PART_OF", "Munster" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Dublin", "LEADER_NAME", "Cr\u00edona N\u00ed Dh\u00e1laigh" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Ethiopia", "LEADER_NAME", "Mulatu Teshome" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "India", "DEMONYM", "Indian people" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Julia Morgan", "SIGNIFICANT_BUILDING", "Los Angeles Herald-Examiner" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Live Nation Entertainment", "LOCATION", "Beverly Hills, California" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Manhattan", "IS_PART_OF", "New York" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "New York City", "IS_PART_OF", "New Netherland" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Pacific Grove, California", "IS_PART_OF", "California" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "South Africa", "ETHNIC_GROUP", "White South African" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "United Kingdom", "LEADER_NAME", "Elizabeth II" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "1634: The Ram Rebellion", "ISBN_NUMBER", "\"1-4165-2060-0\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "1634: The Ram Rebellion", "AUTHOR", "Eric Flint" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "1634: The Ram Rebellion", "MEDIA_TYPE", "\"Print\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "AIDS (journal)", "COUNTRY", "United Kingdom" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "A Glastonbury Romance", "OCLC_NUMBER", "76798317" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "A Glastonbury Romance", "MEDIA_TYPE", "Hardcover" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "A Long Long Way", "LANGUAGE", "English language" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "A Wizard of Mars", "AUTHOR", "Diane Duane" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Abhandlungen aus dem Mathematischen Seminar der Universit\u00e4t Hamburg", "ISSN_NUMBER", "\"0025-5858\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Above the Veil", "AUTHOR", "Garth Nix" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Above the Veil", "MEDIA_TYPE", "\"Print\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Acta Palaeontologica Polonica", "ISSN_NUMBER", "\"0567-7920\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Addiction (journal)", "LCCN_NUMBER", "93645978" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Addiction (journal)", "ACADEMIC_DISCIPLINE", "Addiction" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Aenir", "LANGUAGE", "English language" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Alcatraz Versus the Evil Librarians", "COUNTRY", "United States" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Alcatraz Versus the Evil Librarians", "LANGUAGE", "English language" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "American Journal of Mathematics", "ACADEMIC_DISCIPLINE", "Mathematics" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Castle (novel)", "LANGUAGE", "English language" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Eric Flint", "BIRTH_PLACE", "Burbank, California" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Farrar, Straus and Giroux", "PARENT_COMPANY", "Macmillan Publishers" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "John Cowper Powys", "NOTABLE_WORK", "A Glastonbury Romance" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Soho Press", "COUNTRY", "United States" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "The Secret Scripture", "PUBLISHER", "Faber and Faber" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "United States", "ETHNIC_GROUP", "Asian Americans" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "United States", "LANGUAGE", "English language" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Weymouth Sands", "PRECEDED_BY", "A Glastonbury Romance" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "A.C. Chievo Verona", "MANAGER", "Rolando Maran" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "A.D. Isidro Metap\u00e1n", "LEAGUE", "Salvadoran Primera Divisi\u00f3n" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "A.F.C. Blackpool", "FULL_NAME", "\"Association Football Club Blackpool\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "A.F.C. Blackpool", "GROUND", "\"The Mechanics,\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "A.F.C. Blackpool", "GROUND", "Blackpool" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "A.S. Gubbio 1910", "GROUND", "Gubbio" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "A.S. Gubbio 1910", "NUMBER_OF_MEMBERS", "5300" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "AEK Athens F.C.", "GROUND", "Athens" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "AEK Athens F.C.", "SEASON", "2014\u201315 Football League (Greece)" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "AZAL Arena", "LOCATION", "Baku" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "AZAL PFK", "LEAGUE", "Azerbaijan Premier League" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "AZ Alkmaar", "SEASON", "2014\u201315 Eredivisie" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Akron, Ohio", "COUNTRY", "United States" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Akron, Ohio", "LOCATION", "Summit County, Ohio" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Akron Summit Assault", "FULL_NAME", "\"Akron Metro Futbol Club Summit Assault\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Amsterdam", "LEADER", "Eberhard van der Laan" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Christian Panucci", "CLUB", "Chelsea F.C." ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Christian Panucci", "CLUB", "Inter Milan" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Frank de Boer", "CLUB", "FC Barcelona" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Gubbio", "REGION", "Umbria" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Italy", "LEADER", "Sergio Mattarella" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Jens H\u00e4rtel", "CLUB", "FC Sachsen Leipzig" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Jorge Humberto Rodr\u00edguez", "CLUB", "FC Dallas" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Luciano Spalletti", "CLUB", "Udinese Calcio" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Massimo Drago", "CLUB", "A.S.D. S.S. Nola 1925" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Michele Marcolini", "CLUB", "Atalanta B.C." ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Michele Marcolini", "CLUB", "Vicenza Calcio" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Peter St\u00f6ger", "CLUB", "1. FC K\u00f6ln" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Rolando Maran", "CLUB", "F.C. Bari 1908" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Sportpark De Toekomst", "TENANT", "Jong Ajax" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "St. Vincent\u2013St. Mary High School", "COUNTRY", "United States" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "1 Decembrie 1918 University", "STATE", "Alba" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Acharya Institute of Technology", "PRESIDENT", "\"B.M. Reddy\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Kerala", "HAS_TO_ITS_NORTHWEST", "Mah\u00e9, India" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Mendrisio", "NEIGHBORING_MUNICIPALITY", "Meride" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Romania", "CAPITAL", "Bucharest" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "School of Business and Social Sciences at the Aarhus University", "DEAN", "\"Thomas Pallesen\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "School of Business and Social Sciences at the Aarhus University", "NUMBER_OF_STUDENTS", "16000" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Alan Bean", "NATIONALITY", "United States" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Apollo 8", "BACKUP_PILOT", "Buzz Aldrin" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Buzz Aldrin", "ALMA_MATER", "\"Massachusetts Institute of Technology, Sc.D. 1963\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Buzz Aldrin", "WAS_A_CREW_MEMBER_OF", "Apollo 11" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Buzz Aldrin", "WAS_SELECTED_BY_NASA", "1963" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "California", "GEMSTONE", "Benitoite" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Elliot See", "DATE_OF_DEATH", "\"1966-02-28\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Elliot See", "DEATH_PLACE", "St. Louis" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Elliot See", "STATUS", "\"Deceased\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "April O'Neil", "CREATOR", "Kevin Eastman" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Bananaman", "BROADCASTED_BY", "BBC" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Ben Urich", "FULL_NAME", "\"Benjamin Urich\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Bibbo Bibbowski", "CREATOR", "Jerry Ordway" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Bibbo Bibbowski", "FULL_NAME", "\"Bo Bibbowski\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Bill Oddie", "BIRTH_PLACE", "Lancashire" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Black Pirate", "ALTERNATIVE_NAME", "\"Jon Valor\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "John Buscema", "AWARD", "Eisner Award" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Karl Kesel", "NATIONALITY", "Americans" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Marv Wolfman", "AWARD", "Kirby Award" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Peter Laird", "NATIONALITY", "United States" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Scott Adsit", "BIRTH_PLACE", "Northbrook, Illinois" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Albany, Georgia", "AREA_CODE", "229" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Albany, Oregon", "IS_PART_OF", "United States" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Albuquerque, New Mexico", "LEADER_TITLE", "Mayor" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Albuquerque, New Mexico", "LEADER_TITLE", "New Mexico House of Representatives" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Albuquerque, New Mexico", "LEADER_TITLE", "New Mexico Senate" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Amarillo, Texas", "AREA_TOTAL", "233.9 (square kilometres)" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Amarillo, Texas", "IS_PART_OF", "Randall County, Texas" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Anderson, Indiana", "IS_PART_OF", "Richland Township, Madison County, Indiana" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Angola, Indiana", "ELEVATION", "324.0" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Antioch, California", "AREA_CODE", "925" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Antioch, California", "IS_PART_OF", "Contra Costa County, California" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Arlington, Texas", "POPULATION_DENSITY", "1472.0 (inhabitants per square kilometre)" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Atlanta", "LEADER", "Kasim Reed" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Atlantic City, New Jersey", "AREA_TOTAL", "44.125 (square kilometres)" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Atlantic City, New Jersey", "IS_PART_OF", "New Jersey" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Attica, Indiana", "ELEVATION", "166.0" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Auburn, Alabama", "IS_PART_OF", "Lee County, Alabama" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Auburn, Washington", "AREA_TOTAL", "77.41 (square kilometres)" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Austin, Texas", "IS_PART_OF", "Texas" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "California", "LANGUAGE", "Spanish language" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "DeKalb County, Georgia", "LARGEST_CITY", "Dunwoody, Georgia" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Fulton County, Georgia", "COUNTRY", "United States" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Madison County, Indiana", "COUNTY_SEAT", "Anderson, Indiana" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Michigan", "COUNTRY", "United States" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Michigan", "LARGEST_CITY", "Detroit" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Orange County, California", "COUNTRY", "United States" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Oregon", "LARGEST_CITY", "Portland, Oregon" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Tarrant County, Texas", "LARGEST_CITY", "Fort Worth, Texas" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "United States", "LEADER", "Barack Obama" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "United States House of Representatives", "LOCATION", "United States Capitol" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Amatriciana sauce", "INGREDIENT", "Pecorino Romano" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Arrabbiata sauce", "INGREDIENT", "Chili pepper" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Arr\u00f2s negre", "INGREDIENT", "White rice" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Arr\u00f2s negre", "REGION", "Catalonia" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Arr\u00f2s negre", "REGION", "Valencian Community" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Ayam penyet", "REGION", "Singapore" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "BLT", "INGREDIENT", "Tomato" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Baked Alaska", "REGION", "Hong Kong" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Bakewell pudding", "SERVED", "\"Warm or cold\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Bandeja paisa", "COUNTRY", "Colombian cuisine" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Bandeja paisa", "INGREDIENT", "Chicharr\u00f3n" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Bandeja paisa", "REGION", "Paisa Region" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Barny Cakes", "SERVING_SIZE", "30.0 g" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Batagor", "DISH_VARIATION", "Shumai" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Batagor", "MAIN_INGREDIENTS", "\"fried fish dumpling with tofu and vegetables in peanut sauce\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Batchoy", "INGREDIENT", "Shrimp" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Beef kway teow", "REGION", "Indonesia" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Bhajji", "ALTERNATIVE_NAME", "\"Bhaji, bajji\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Binignit", "INGREDIENT", "Taro" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Bionico", "DISH_VARIATION", "Cottage cheese" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Bionico", "REGION", "Jalisco" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Chicken", "CLASS", "Bird" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "India", "CURRENCY", "Indian rupee" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "India", "LEADER_NAME", "Sumitra Mahajan" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Indonesia", "LANGUAGE", "Indonesian language" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Jalisco", "LEADER_NAME", "Arist\u00f3teles Sandoval" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Java", "ETHNIC_GROUP", "Banyumasan people" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Malaysia", "ETHNIC_GROUP", "Malaysian Malay" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Mexico", "LEADER_NAME", "Silvano Aureoles Conejo" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "New York", "LANGUAGE", "Spanish language" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Shumai", "COUNTRY", "China" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Siomay", "INGREDIENT", "Peanut sauce" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Sumatra", "ETHNIC_GROUP", "Malays (ethnic group)" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "United Kingdom", "LEADER_NAME", "David Cameron" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "11th Mississippi Infantry Monument", "ESTABLISHED", "2000" ], [ "11th Mississippi Infantry Monument", "CATEGORY", "Contributing property" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "14th New Jersey Volunteer Infantry Monument", "DISTRICT", "Monocacy National Battlefield" ], [ "Monocacy National Battlefield", "NEAREST_CITY", "Frederick, Maryland" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Baku Turkish Martyrs' Memorial", "DEDICATED_TO", "\"Ottoman Army soldiers killed in the Battle of Baku\"" ], [ "Baku Turkish Martyrs' Memorial", "LOCATION", "Azerbaijan" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Baku Turkish Martyrs' Memorial", "DEDICATED_TO", "\"Ottoman Army soldiers killed in the Battle of Baku\"" ], [ "Baku Turkish Martyrs' Memorial", "NATIVE_NAME", "\"T\u00fcrk \u015eehitleri An\u0131t\u0131\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Akron, Ohio", "COUNTRY", "United States" ], [ "United States", "ETHNIC_GROUP", "African Americans" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Albany, Oregon", "IS_PART_OF", "Oregon" ], [ "Oregon", "CAPITAL", "Salem, Oregon" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Albuquerque, New Mexico", "LEADER_TITLE", "United States House of Representatives" ], [ "Albuquerque, New Mexico", "COUNTRY", "United States" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Amarillo, Texas", "IS_PART_OF", "Texas" ], [ "Amarillo, Texas", "COUNTRY", "United States" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Anaheim, California", "IS_PART_OF", "California" ], [ "Anaheim, California", "LEADER_TITLE", "United States House of Representatives" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Anaheim, California", "IS_PART_OF", "Orange County, California" ], [ "Orange County, California", "COUNTRY", "United States" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Anderson, Indiana", "IS_PART_OF", "Adams Township, Madison County, Indiana" ], [ "Adams Township, Madison County, Indiana", "COUNTRY", "United States" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Antioch, California", "ELEVATION", "13.0" ], [ "Antioch, California", "AREA_TOTAL", "75.324 (square kilometres)" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Arlington, Texas", "ELEVATION", "184.0" ], [ "Arlington, Texas", "AREA_TOTAL", "258.2 (square kilometres)" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Arlington, Texas", "IS_PART_OF", "Texas" ], [ "Texas", "COUNTRY", "United States" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Atlanta", "COUNTRY", "United States" ], [ "Atlanta", "IS_PART_OF", "\"Georgia\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Atlantic City, New Jersey", "COUNTRY", "United States" ], [ "Atlantic City, New Jersey", "IS_PART_OF", "Atlantic County, New Jersey" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Atlantic City, New Jersey", "COUNTRY", "United States" ], [ "United States", "CAPITAL", "Washington, D.C." ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Atlantic City, New Jersey", "IS_PART_OF", "Atlantic County, New Jersey" ], [ "Atlantic County, New Jersey", "COUNTRY", "United States" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Atlantic City, New Jersey", "POPULATION_DENSITY", "1421.2 (inhabitants per square kilometre)" ], [ "Atlantic City, New Jersey", "AREA_TOTAL", "44.125 (square kilometres)" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Auburn, Washington", "IS_PART_OF", "Pierce County, Washington" ], [ "Pierce County, Washington", "COUNTRY", "United States" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "United States", "CAPITAL", "Washington, D.C." ], [ "Albany, Oregon", "IS_PART_OF", "United States" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "United States", "CAPITAL", "Washington, D.C." ], [ "Amarillo, Texas", "COUNTRY", "United States" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "United States", "ETHNIC_GROUP", "African Americans" ], [ "Albuquerque, New Mexico", "COUNTRY", "United States" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "United States", "ETHNIC_GROUP", "Native Americans in the United States" ], [ "Albany, Georgia", "IS_PART_OF", "United States" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "United States", "ETHNIC_GROUP", "Native Americans in the United States" ], [ "Auburn, Alabama", "COUNTRY", "United States" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "United States", "LANGUAGE", "English language" ], [ "Akron, Ohio", "COUNTRY", "United States" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "United States", "LEADER_TITLE", "President of the United States" ], [ "Albuquerque, New Mexico", "COUNTRY", "United States" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Amatriciana sauce", "COUNTRY", "Italy" ], [ "Amatriciana sauce", "INGREDIENT", "Tomato" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Arem-arem", "COUNTRY", "Indonesia" ], [ "Indonesia", "LEADER_NAME", "Jusuf Kalla" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Arrabbiata sauce", "COUNTRY", "Italy" ], [ "Italy", "LANGUAGE", "Italian language" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Arrabbiata sauce", "COUNTRY", "Italy" ], [ "Italy", "LEADER_NAME", "Sergio Mattarella" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Arrabbiata sauce", "INGREDIENT", "Chili pepper" ], [ "Arrabbiata sauce", "COUNTRY", "Italy" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Arr\u00f2s negre", "REGION", "Valencian Community" ], [ "Arr\u00f2s negre", "COUNTRY", "Spain" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Asam pedas", "COUNTRY", "Indonesia" ], [ "Asam pedas", "MAIN_INGREDIENTS", "\"Fish cooked in sour and hot sauce\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Ayam penyet", "REGION", "Malaysia" ], [ "Ayam penyet", "COUNTRY", "Indonesia" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "BLT", "DISH_VARIATION", "Club sandwich" ], [ "Bacon sandwich", "DISH_VARIATION", "BLT" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Bacon Explosion", "INGREDIENT", "Sausage" ], [ "Bacon Explosion", "MAIN_INGREDIENTS", "Bacon" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Bacon sandwich", "ALTERNATIVE_NAME", "\"Bacon butty, bacon sarnie, rasher sandwich, bacon sanger, piece 'n bacon, bacon cob, bacon barm, bacon muffin\"" ], [ "Bacon sandwich", "INGREDIENT", "Bacon" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Bacon sandwich", "DISH_VARIATION", "BLT" ], [ "Bacon sandwich", "INGREDIENT", "Bread" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Baked Alaska", "COUNTRY", "France" ], [ "Baked Alaska", "INGREDIENT", "Sponge cake" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Baked Alaska", "COUNTRY", "France" ], [ "France", "LEADER_NAME", "Manuel Valls" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Baked Alaska", "COUNTRY", "United States" ], [ "Baked Alaska", "INGREDIENT", "Meringue" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Bakewell pudding", "DISH_VARIATION", "Bakewell tart" ], [ "Bakewell tart", "INGREDIENT", "Fruit preserves" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Bakso", "COUNTRY", "Indonesia" ], [ "Bakso", "INGREDIENT", "Vermicelli" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Bakso", "INGREDIENT", "Celery" ], [ "Celery", "FAMILY", "Apiaceae" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Bandeja paisa", "INGREDIENT", "Chicharr\u00f3n" ], [ "Bandeja paisa", "COUNTRY", "Colombian cuisine" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Barny Cakes", "COUNTRY", "France" ], [ "France", "LEADER_NAME", "Claude Bartolone" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Batagor", "COUNTRY", "Indonesia" ], [ "Batagor", "INGREDIENT", "Peanut sauce" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Batagor", "INGREDIENT", "Peanut sauce" ], [ "Batagor", "DISH_VARIATION", "Siomay" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Beef kway teow", "COUNTRY", "Singapore" ], [ "Beef kway teow", "INGREDIENT", "Palm sugar" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Beef kway teow", "COUNTRY", "Singapore" ], [ "Singapore", "LEADER_NAME", "Halimah Yacob" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Beef kway teow", "MAIN_INGREDIENTS", "\"Kway teow, beef tender loin, gula Melaka, sliced, dried black beans, garlic, dark soy sauce, lengkuas, oyster sauce, soya sauce, chilli and sesame oil\"" ], [ "Beef kway teow", "COUNTRY", "\"Singapore and Indonesia\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Bhajji", "COUNTRY", "India" ], [ "India", "DEMONYM", "Indian people" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Bhajji", "COUNTRY", "India" ], [ "India", "LEADER_NAME", "T. S. Thakur" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Binignit", "COUNTRY", "Philippines" ], [ "Philippines", "ETHNIC_GROUP", "Igorot people" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Binignit", "MAIN_INGREDIENTS", "Banana" ], [ "Binignit", "COUNTRY", "Philippines" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Binignit", "MAIN_INGREDIENTS", "Sweet potato" ], [ "Binignit", "INGREDIENT", "Banana" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Bionico", "COUNTRY", "Mexico" ], [ "Mexico", "LEADER_NAME", "Enrique Pe\u00f1a Nieto" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Bionico", "REGION", "Guadalajara" ], [ "Bionico", "INGREDIENT", "Granola" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Dessert", "DISH_VARIATION", "Cake" ], [ "Bionico", "COURSE", "Dessert" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Indonesia", "LEADER_NAME", "Joko Widodo" ], [ "Bakso", "COUNTRY", "Indonesia" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Shumai", "INGREDIENT", "Shiitake" ], [ "Batagor", "DISH_VARIATION", "Shumai" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Aarhus Airport", "RUNWAY_LENGTH", "2777.0" ], [ "Aarhus Airport", "OPERATING_ORGANISATION", "\"Aarhus Lufthavn A/S\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Adolfo Su\u00e1rez Madrid\u2013Barajas Airport", "ELEVATION", "610.0" ], [ "Adolfo Su\u00e1rez Madrid\u2013Barajas Airport", "LOCATION", "\"Madrid, Paracuellos de Jarama, San Sebasti\u00e1n de los Reyes and Alcobendas\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Adolfo Su\u00e1rez Madrid\u2013Barajas Airport", "RUNWAY_LENGTH", "3500.0" ], [ "Adolfo Su\u00e1rez Madrid\u2013Barajas Airport", "LOCATION", "\"Madrid, Paracuellos de Jarama, San Sebasti\u00e1n de los Reyes and Alcobendas\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Agra Airport", "LOCATION", "Uttar Pradesh" ], [ "Uttar Pradesh", "IS_PART_OF", "Awadh" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Al Asad Airbase", "LOCATION", "\"Al Anbar Province, Iraq\"" ], [ "Al Asad Airbase", "RUNWAY_LENGTH", "3090.0" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Al Asad Airbase", "LOCATION", "Iraq" ], [ "Iraq", "LANGUAGE", "Arabic" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Al Asad Airbase", "OPERATING_ORGANISATION", "United States Air Force" ], [ "United States Air Force", "BATTLES", "Invasion of Grenada" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Alderney Airport", "1ST_RUNWAY_SURFACE_TYPE", "Poaceae" ], [ "Poaceae", "CLASS", "Monocotyledon" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Alderney Airport", "RUNWAY_LENGTH", "877.0" ], [ "Alderney Airport", "1ST_RUNWAY_SURFACE_TYPE", "Asphalt" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Allama Iqbal International Airport", "LOCATION", "Pakistan" ], [ "Pakistan", "LEADER_NAME", "Anwar Zaheer Jamali" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Allama Iqbal International Airport", "LOCATION", "Punjab, Pakistan" ], [ "Allama Iqbal International Airport", "RUNWAY_LENGTH", "2900.0" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Amsterdam Airport Schiphol", "1ST_RUNWAY_LENGTH_METRE", "3800" ], [ "Amsterdam Airport Schiphol", "ELEVATION", "-3.3528" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Amsterdam Airport Schiphol", "1ST_RUNWAY_SURFACE_TYPE", "Asphalt" ], [ "Amsterdam Airport Schiphol", "ELEVATION", "-3.3528" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Amsterdam Airport Schiphol", "CITY_SERVED", "Amsterdam" ], [ "Amsterdam Airport Schiphol", "RUNWAY_LENGTH", "2014.0" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Amsterdam Airport Schiphol", "CITY_SERVED", "Amsterdam" ], [ "Amsterdam Airport Schiphol", "RUNWAY_LENGTH", "3300.0" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Andrews County Airport", "LOCATION", "Texas" ], [ "Texas", "LARGEST_CITY", "Houston" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Angola International Airport", "RUNWAY_LENGTH", "3800.0" ], [ "Angola International Airport", "CITY_SERVED", "Luanda" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Ardmore Airport (New Zealand)", "RUNWAY_LENGTH", "597.0" ], [ "Ardmore Airport (New Zealand)", "3RD_RUNWAY_SURFACE_TYPE", "Poaceae" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Ashgabat International Airport", "1ST_RUNWAY_LENGTH_FEET", "12467" ], [ "Ashgabat International Airport", "ELEVATION", "211" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Ashgabat International Airport", "OPERATING_ORGANISATION", "Turkmenistan Airlines" ], [ "Turkmenistan Airlines", "HEADQUARTER", "Turkmenistan" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Atlantic City International Airport", "LOCATION", "Egg Harbor Township, New Jersey" ], [ "Egg Harbor Township, New Jersey", "COUNTRY", "United States" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Atlantic City International Airport", "OPERATING_ORGANISATION", "Port Authority of New York and New Jersey" ], [ "Atlantic City International Airport", "RUNWAY_NAME", "\"4/22\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Atlantic City International Airport", "RUNWAY_LENGTH", "3048.0" ], [ "Atlantic City International Airport", "OPERATING_ORGANISATION", "Port Authority of New York and New Jersey" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Infraero", "LOCATION", "Bras\u00edlia" ], [ "Afonso Pena International Airport", "OPERATING_ORGANISATION", "Infraero" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "1. FC Magdeburg", "NUMBER_OF_MEMBERS", "27250" ], [ "1. FC Magdeburg", "SEASON", "2014\u201315 Regionalliga" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "A.C. Chievo Verona", "GROUND", "\"Verona, Italy\"" ], [ "A.C. Chievo Verona", "NUMBER_OF_MEMBERS", "39371" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "A.C. Chievo Verona", "MANAGER", "Rolando Maran" ], [ "Rolando Maran", "PLACE_OF_BIRTH", "Italy" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "A.D. Isidro Metap\u00e1n", "MANAGER", "Jorge Humberto Rodr\u00edguez" ], [ "Jorge Humberto Rodr\u00edguez", "CLUB", "FC Dallas" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "A.E Dimitra Efxeinoupolis", "NUMBER_OF_MEMBERS", "1500" ], [ "A.E Dimitra Efxeinoupolis", "SEASON", "2014\u201315 A EPSTH, Greece" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "A.F.C. Blackpool", "MANAGER", "Stuart Parker (footballer)" ], [ "Stuart Parker (footballer)", "CLUB", "Blackburn Rovers F.C." ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "A.F.C. Blackpool", "MANAGER", "Stuart Parker (footballer)" ], [ "Stuart Parker (footballer)", "CLUB", "Irlam Town F.C." ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "A.F.C. Fylde", "NUMBER_OF_MEMBERS", "3180" ], [ "A.F.C. Fylde", "GROUND", "Lancashire" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "A.S. Gubbio 1910", "NUMBER_OF_MEMBERS", "5300" ], [ "A.S. Gubbio 1910", "GROUND", "Gubbio" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "A.S. Livorno Calcio", "GROUND", "Livorno" ], [ "A.S. Livorno Calcio", "LEAGUE", "Serie B" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "A.S. Livorno Calcio", "MANAGER", "Christian Panucci" ], [ "Christian Panucci", "CLUB", "A.S. Roma" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "ACF Fiorentina", "MANAGER", "Paulo Sousa" ], [ "Paulo Sousa", "CLUB", "Juventus F.C." ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "ACF Fiorentina", "NUMBER_OF_MEMBERS", "47290" ], [ "ACF Fiorentina", "FULL_NAME", "\"ACF Fiorentina S.p.A.\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "AEK Athens F.C.", "GROUND", "Greece" ], [ "AEK Athens F.C.", "NUMBER_OF_MEMBERS", "69618" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "AEK Athens F.C.", "GROUND", "Olympic Stadium (Athens)" ], [ "AEK Athens F.C.", "LEAGUE", "Superleague Greece" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "AFC Ajax (amateurs)", "GROUND", "Sportpark De Toekomst" ], [ "Sportpark De Toekomst", "TENANT", "Jong Ajax" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "AZAL PFK", "GROUND", "AZAL Arena" ], [ "AZAL PFK", "LOCATION", "\"Shuvalan, Baku, Azerbaijan\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Akron Summit Assault", "SEASON", "2011 PDL season" ], [ "Akron Summit Assault", "NUMBER_OF_MEMBERS", "3000" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Gubbio", "REGION", "Umbria" ], [ "A.S. Gubbio 1910", "GROUND", "Gubbio" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Italy", "LEADER", "Pietro Grasso" ], [ "A.S. Gubbio 1910", "GROUND", "Italy" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Luciano Spalletti", "CLUB", "Empoli F.C." ], [ "A.S. Roma", "MANAGER", "Luciano Spalletti" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "1634: The Bavarian Crisis", "AUTHOR", "Eric Flint" ], [ "1634: The Bavarian Crisis", "PRECEDED_BY", "The Grantville Gazettes" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "1634: The Ram Rebellion", "MEDIA_TYPE", "E-book" ], [ "1634: The Ram Rebellion", "AUTHOR", "Virginia DeMarce" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "AIP Advances", "EISSN_NUMBER", "2158" ], [ "AIP Advances", "ABBREVIATION", "\"AIP Adv.\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "A Fortress of Grey Ice", "AUTHOR", "J. V. Jones" ], [ "A Fortress of Grey Ice", "MEDIA_TYPE", "\"Print\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "A Fortress of Grey Ice", "NUMBER_OF_PAGES", "\"672\"" ], [ "A Fortress of Grey Ice", "ISBN_NUMBER", "\"0-7653-0633-6\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "A Glastonbury Romance", "FOLLOWED_BY", "Weymouth Sands" ], [ "A Glastonbury Romance", "AUTHOR", "John Cowper Powys" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "A Long Long Way", "OCLC_NUMBER", "57392246" ], [ "A Long Long Way", "MEDIA_TYPE", "\"Print &amp; Paperback\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "A Long Long Way", "NUMBER_OF_PAGES", "\"292\"" ], [ "A Long Long Way", "ISBN_NUMBER", "\"0-670-03380-4\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "A Long Long Way", "PUBLISHER", "Viking Press" ], [ "Viking Press", "PARENT_COMPANY", "Penguin Random House" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "A Loyal Character Dancer", "AUTHOR", "Qiu Xiaolong" ], [ "A Loyal Character Dancer", "MEDIA_TYPE", "\"Print\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "A Severed Wasp", "OCLC_NUMBER", "8805735" ], [ "A Severed Wasp", "ISBN_NUMBER", "\"0-374-26131-8\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "A Severed Wasp", "OCLC_NUMBER", "8805735" ], [ "A Severed Wasp", "MEDIA_TYPE", "Hardcover" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "A Severed Wasp", "LANGUAGE", "English language" ], [ "English language", "SPOKEN_IN", "Great Britain" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "A Severed Wasp", "MEDIA_TYPE", "\"Print\"" ], [ "A Severed Wasp", "ISBN_NUMBER", "\"0-374-26131-8\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Abhandlungen aus dem Mathematischen Seminar der Universit\u00e4t Hamburg", "PUBLISHER", "Springer Science+Business Media" ], [ "Springer Science+Business Media", "FOUNDER", "Julius Springer" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Alcatraz Versus the Evil Librarians", "ISBN_NUMBER", "\"0-439-92550-9\"" ], [ "Alcatraz Versus the Evil Librarians", "GENRE", "Fantasy literature" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Alcatraz Versus the Evil Librarians", "OCLC_NUMBER", "78771100" ], [ "Alcatraz Versus the Evil Librarians", "ISBN_NUMBER", "\"0-439-92550-9\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Alcatraz Versus the Evil Librarians", "FOLLOWED_BY", "Alcatraz Versus the Scrivener's Bones" ], [ "Alcatraz Versus the Scrivener's Bones", "AUTHOR", "Brandon Sanderson" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "American Journal of Mathematics", "ACADEMIC_DISCIPLINE", "Mathematics" ], [ "American Journal of Mathematics", "ABBREVIATION", "\"Am. J. Math.\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "American Journal of Mathematics", "PUBLISHER", "Johns Hopkins University Press" ], [ "Johns Hopkins University Press", "PARENT_COMPANY", "Johns Hopkins University" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "United States", "CAPITAL", "Washington, D.C." ], [ "1634: The Ram Rebellion", "COUNTRY", "United States" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "United States", "CAPITAL", "Washington, D.C." ], [ "A Fortress of Grey Ice", "COUNTRY", "United States" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "United States", "ETHNIC_GROUP", "African Americans" ], [ "A Fortress of Grey Ice", "COUNTRY", "United States" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "United States", "ETHNIC_GROUP", "African Americans" ], [ "A Wizard of Mars", "COUNTRY", "United States" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "United States", "ETHNIC_GROUP", "Asian Americans" ], [ "A Wizard of Mars", "COUNTRY", "United States" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "1 Decembrie 1918 University", "NICKNAME", "Uab" ], [ "1 Decembrie 1918 University", "STATE", "Alba" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Acharya Institute of Technology", "AFFILIATION", "Visvesvaraya Technological University" ], [ "Visvesvaraya Technological University", "CITY", "Belgaum" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Acharya Institute of Technology", "PRESIDENT", "\"B.M. Reddy\"" ], [ "Acharya Institute of Technology", "CITY", "Bangalore" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Acharya Institute of Technology", "WAS_GIVEN_THE_'TECHNICAL_CAMPUS'_STATUS_BY", "All India Council for Technical Education" ], [ "All India Council for Technical Education", "LOCATION", "Mumbai" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Kerala", "LEADER_NAME", "Kochi" ], [ "AWH Engineering College", "STATE", "Kerala" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "April O'Neil", "CREATOR", "Peter Laird" ], [ "Peter Laird", "NATIONALITY", "United States" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Bananaman", "BROADCASTED_BY", "BBC" ], [ "Bananaman", "STARRING", "Jill Shilling" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Bananaman", "STARRING", "Graeme Garden" ], [ "Bananaman", "BROADCASTED_BY", "\"STV\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Bananaman", "STARRING", "Tim Brooke-Taylor" ], [ "Tim Brooke-Taylor", "BIRTH_PLACE", "Derbyshire" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Baymax", "FIRST_APPEARANCE_IN_FILM", "Big Hero 6 (film)" ], [ "Big Hero 6 (film)", "STARRING", "Alan Tudyk" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Baymax", "FIRST_APPEARANCE_IN_FILM", "Big Hero 6 (film)" ], [ "Big Hero 6 (film)", "STARRING", "Scott Adsit" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Baymax", "SERIES", "Big Hero 6 (film)" ], [ "Baymax", "CREATOR", "Steven T. Seagle" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Ben Urich", "CREATOR", "Roger McKenzie (comic book writer)" ], [ "Ben Urich", "FULL_NAME", "\"Benjamin Urich\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Bibbo Bibbowski", "CREATOR", "Jerry Ordway" ], [ "Bibbo Bibbowski", "CREATOR", "Marv Wolfman" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Bibbo Bibbowski", "CREATOR", "Marv Wolfman" ], [ "Bibbo Bibbowski", "FULL_NAME", "\"Bo Bibbowski\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Alan Bean", "DATE_OF_BIRTH", "\"1932-03-15\"" ], [ "Alan Bean", "STATUS", "\"Retired\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Alan Shepard", "STATUS", "\"Deceased\"" ], [ "Alan Shepard", "OCCUPATION", "Test pilot" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Buzz Aldrin", "BIRTH_PLACE", "Glen Ridge, New Jersey" ], [ "Buzz Aldrin", "DATE_OF_BIRTH", "\"1930-01-20\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Buzz Aldrin", "BIRTH_PLACE", "Glen Ridge, New Jersey" ], [ "Glen Ridge, New Jersey", "IS_PART_OF", "Essex County, New Jersey" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "William Anders", "BIRTH_PLACE", "British Hong Kong" ], [ "William Anders", "WAS_A_CREW_MEMBER_OF", "Apollo 8" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "William Anders", "STATUS", "\"Retired\"" ], [ "William Anders", "ALMA_MATER", "\"AFIT, M.S. 1962\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "108 St Georges Terrace", "FLOOR_COUNT", "50" ], [ "108 St Georges Terrace", "COMPLETION_DATE", "1988" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "200 Public Square", "FLOOR_COUNT", "45" ], [ "200 Public Square", "LOCATION", "\"United States\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "20 Fenchurch Street", "FLOOR_COUNT", "34" ], [ "20 Fenchurch Street", "FLOOR_AREA", "62145.3 (square metres)" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "300 North LaSalle", "LOCATION", "Chicago" ], [ "300 North LaSalle", "FLOOR_COUNT", "60" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "320 South Boston Building", "ARCHITECT", "George Winkler" ], [ "George Winkler", "COUNTRY", "United States" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "3Arena", "LOCATION", "\"East Link Bridge\"" ], [ "3Arena", "ARCHITECT", "\"HOK SVE\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "3Arena", "LOCATION", "Dublin" ], [ "3Arena", "ARCHITECT", "Populous (company)" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "AC Hotel Bella Sky Copenhagen", "TENANT", "Marriott International" ], [ "AC Hotel Bella Sky Copenhagen", "LOCATION", "Copenhagen" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Adare Manor", "ARCHITECT", "George Richard Pain" ], [ "Adare Manor", "COMPLETION_DATE", "1862" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Adare Manor", "LOCATION", "Adare" ], [ "Adare Manor", "LOCATION", "County Limerick" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Addis Ababa City Hall", "COUNTRY", "Ethiopia" ], [ "Addis Ababa City Hall", "LOCATION", "Addis Ababa" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Adisham Hall", "LOCATION", "\"Haputale, Sri Lanka\"" ], [ "Adisham Hall", "ARCHITECTURAL_STYLE", "Tudor Revival architecture" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Adisham Hall", "LOCATION", "Sri Lanka" ], [ "Adisham Hall", "ARCHITECTURAL_STYLE", "Tudor Revival architecture" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Akita Museum of Art", "COUNTRY", "Japan" ], [ "Japan", "ETHNIC_GROUP", "Brazilians in Japan" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Akita Museum of Art", "FLOOR_COUNT", "3" ], [ "Akita Museum of Art", "ADDRESS", "\"1-4-2 Nakadori\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Amdavad ni Gufa", "LOCATION", "Gujarat" ], [ "Amdavad ni Gufa", "ADDRESS", "\"Lalbhai Dalpatbhai Campus, near CEPT University, opp. Gujarat University, University Road\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Ampara Hospital", "STATE", "Eastern Province, Sri Lanka" ], [ "Eastern Province, Sri Lanka", "LEADER_NAME", "Austin Fernando" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Asser Levy Public Baths", "LOCATION", "New York City" ], [ "New York City", "COUNTRY", "United States" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Asser Levy Public Baths", "LOCATION", "New York City" ], [ "New York City", "IS_PART_OF", "Brooklyn" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "County Limerick", "IS_PART_OF", "Munster" ], [ "Adare Manor", "LOCATION", "County Limerick" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Dublin", "IS_PART_OF", "Republic of Ireland" ], [ "3Arena", "LOCATION", "Dublin" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Alan Bean", "NATIONALITY", "United States" ], [ "Alan Bean", "BIRTH_PLACE", "Wheeler, Texas" ], [ "Alan Bean", "STATUS", "\"Retired\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Buzz Aldrin", "BIRTH_PLACE", "Glen Ridge, New Jersey" ], [ "Buzz Aldrin", "NATIONALITY", "United States" ], [ "United States", "LEADER_NAME", "Joe Biden" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Buzz Aldrin", "NATIONALITY", "United States" ], [ "Buzz Aldrin", "WAS_SELECTED_BY_NASA", "1963" ], [ "Buzz Aldrin", "ALMA_MATER", "\"Massachusetts Institute of Technology, Sc.D. 1963\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Elliot See", "ALMA_MATER", "University of Texas at Austin" ], [ "Elliot See", "BIRTH_PLACE", "Dallas" ], [ "Elliot See", "NATIONALITY", "United States" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Elliot See", "ALMA_MATER", "University of Texas at Austin" ], [ "Elliot See", "DEATH_PLACE", "St. Louis" ], [ "Elliot See", "WAS_SELECTED_BY_NASA", "1962" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Elliot See", "ALMA_MATER", "University of Texas at Austin" ], [ "St. Louis", "LEADER_NAME", "Francis G. Slay" ], [ "Elliot See", "DEATH_PLACE", "St. Louis" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Elliot See", "DEATH_PLACE", "St. Louis" ], [ "St. Louis", "IS_PART_OF", "Kingdom of France" ], [ "Elliot See", "DATE_OF_DEATH", "\"1966-02-28\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "New Hampshire", "BIRD", "Purple finch" ], [ "Alan Shepard", "TIME_IN_SPACE", "\"13017.0\"(minutes)" ], [ "Alan Shepard", "BIRTH_PLACE", "New Hampshire" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "1634: The Bavarian Crisis", "NUMBER_OF_PAGES", "\"448\"" ], [ "1634: The Bavarian Crisis", "AUTHOR", "\"Virginia DeMarce and Eric Flint\"" ], [ "1634: The Bavarian Crisis", "MEDIA_TYPE", "\"Print\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "1634: The Ram Rebellion", "LANGUAGE", "English language" ], [ "English language", "SPOKEN_IN", "Great Britain" ], [ "1634: The Ram Rebellion", "PRECEDED_BY", "1634: The Galileo Affair" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "ACM Transactions on Information Systems", "PUBLISHER", "Association for Computing Machinery" ], [ "Association for Computing Machinery", "LEADER_NAME", "Alexander L. Wolf" ], [ "Association for Computing Machinery", "HEADQUARTER", "New York City" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "AIDS (journal)", "ACADEMIC_DISCIPLINE", "HIV" ], [ "AIDS (journal)", "ACADEMIC_DISCIPLINE", "HIV/AIDS" ], [ "AIDS (journal)", "ISSN_NUMBER", "\"0269-9370\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "AIDS (journal)", "ACADEMIC_DISCIPLINE", "HIV" ], [ "AIDS (journal)", "ACADEMIC_DISCIPLINE", "HIV/AIDS" ], [ "AIDS (journal)", "ISSN_NUMBER", "\"1473-5571\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "AIP Advances", "EDITOR", "A.T. Charlie Johnson" ], [ "A.T. Charlie Johnson", "RESIDENCE", "United States" ], [ "A.T. Charlie Johnson", "ALMA_MATER", "Stanford University" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "A Fortress of Grey Ice", "OCLC_NUMBER", "51969173" ], [ "A Fortress of Grey Ice", "AUTHOR", "J. V. Jones" ], [ "A Fortress of Grey Ice", "ISBN_NUMBER", "\"0-7653-0633-6\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "A Loyal Character Dancer", "AUTHOR", "Qiu Xiaolong" ], [ "A Loyal Character Dancer", "OCLC_NUMBER", "49805501" ], [ "A Loyal Character Dancer", "ISBN_NUMBER", "\"1-56947-301-3\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "A Loyal Character Dancer", "LANGUAGE", "English language" ], [ "A Loyal Character Dancer", "PUBLISHER", "Soho Press" ], [ "Soho Press", "COUNTRY", "United States" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "A Severed Wasp", "LANGUAGE", "English language" ], [ "English language", "SPOKEN_IN", "Great Britain" ], [ "A Severed Wasp", "COUNTRY", "United States" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "A Severed Wasp", "NUMBER_OF_PAGES", "\"388\"" ], [ "A Severed Wasp", "OCLC_NUMBER", "8805735" ], [ "A Severed Wasp", "MEDIA_TYPE", "Hardcover" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Abhandlungen aus dem Mathematischen Seminar der Universit\u00e4t Hamburg", "ISSN_NUMBER", "\"1865-8784\"" ], [ "Abhandlungen aus dem Mathematischen Seminar der Universit\u00e4t Hamburg", "LCCN_NUMBER", "32024459" ], [ "Abhandlungen aus dem Mathematischen Seminar der Universit\u00e4t Hamburg", "ABBREVIATION", "\"Abh. Math. Semin. Univ. Hambg.\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Above the Veil", "COUNTRY", "Australians" ], [ "Aenir", "LANGUAGE", "English language" ], [ "Aenir", "FOLLOWED_BY", "Above the Veil" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Above the Veil", "LANGUAGE", "English language" ], [ "Aenir", "AUTHOR", "Garth Nix" ], [ "Aenir", "FOLLOWED_BY", "Above the Veil" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Above the Veil", "NUMBER_OF_PAGES", "\"248\"" ], [ "Above the Veil", "AUTHOR", "Garth Nix" ], [ "Above the Veil", "MEDIA_TYPE", "Hardcover" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Acta Palaeontologica Polonica", "ISSN_NUMBER", "\"0567-7920\"" ], [ "Acta Palaeontologica Polonica", "LCCN_NUMBER", "60040714" ], [ "Acta Palaeontologica Polonica", "ABBREVIATION", "\"Acta Palaeontol. Pol.\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Addiction (journal)", "ACADEMIC_DISCIPLINE", "Addiction" ], [ "Addiction (journal)", "ABBREVIATION", "\"Addiction\"" ], [ "Addiction (journal)", "ISSN_NUMBER", "\"1360-0443\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Addiction (journal)", "PUBLISHER", "Wiley-Blackwell" ], [ "Wiley-Blackwell", "PARENT_COMPANY", "John Wiley &amp; Sons" ], [ "Addiction (journal)", "ISSN_NUMBER", "\"0965-2140\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Administrative Science Quarterly", "PUBLISHER", "Cornell University" ], [ "Cornell University", "AFFILIATION", "Association of American Universities" ], [ "Cornell University", "STATE", "New York" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Aenir", "AUTHOR", "Garth Nix" ], [ "Aenir", "LANGUAGE", "English language" ], [ "Aenir", "FOLLOWED_BY", "Above the Veil" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Alcatraz Versus the Evil Librarians", "LANGUAGE", "English language" ], [ "English language", "SPOKEN_IN", "Great Britain" ], [ "Alcatraz Versus the Evil Librarians", "COUNTRY", "United States" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Alcatraz Versus the Evil Librarians", "MEDIA_TYPE", "Hardcover" ], [ "Alcatraz Versus the Evil Librarians", "NUMBER_OF_PAGES", "\"320\"" ], [ "Alcatraz Versus the Evil Librarians", "OCLC_NUMBER", "78771100" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "English language", "SPOKEN_IN", "Great Britain" ], [ "United States", "LANGUAGE", "English language" ], [ "Alcatraz Versus the Evil Librarians", "COUNTRY", "United States" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "John Cowper Powys", "BIRTH_PLACE", "Shirley, Derbyshire" ], [ "John Cowper Powys", "DEATH_PLACE", "Blaenau Ffestiniog" ], [ "A Glastonbury Romance", "AUTHOR", "John Cowper Powys" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "SAGE Publications", "FOUNDER", "Sara Miller McCune" ], [ "Administrative Science Quarterly", "ISSN_NUMBER", "\"0001-8392\"" ], [ "Administrative Science Quarterly", "PUBLISHER", "SAGE Publications" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "United States", "CAPITAL", "Washington, D.C." ], [ "A Severed Wasp", "COUNTRY", "United States" ], [ "United States", "ETHNIC_GROUP", "Native Americans in the United States" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "United States", "ETHNIC_GROUP", "African Americans" ], [ "A Wizard of Mars", "LANGUAGE", "English language" ], [ "A Wizard of Mars", "COUNTRY", "United States" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "United States", "ETHNIC_GROUP", "Asian Americans" ], [ "United States", "CAPITAL", "Washington, D.C." ], [ "A Wizard of Mars", "COUNTRY", "United States" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "United States", "LEADER_NAME", "Barack Obama" ], [ "United States", "ETHNIC_GROUP", "Asian Americans" ], [ "A Wizard of Mars", "COUNTRY", "United States" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "United States", "LEADER_TITLE", "President of the United States" ], [ "1634: The Ram Rebellion", "COUNTRY", "United States" ], [ "United States", "ETHNIC_GROUP", "African Americans" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "United States", "LEADER_TITLE", "President of the United States" ], [ "A Fortress of Grey Ice", "COUNTRY", "United States" ], [ "United States", "ETHNIC_GROUP", "Native Americans in the United States" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "1. FC Magdeburg", "MANAGER", "Jens H\u00e4rtel" ], [ "Jens H\u00e4rtel", "CLUB", "1. FC Lokomotive Leipzig" ], [ "Jens H\u00e4rtel", "CLUB", "SV Germania Sch\u00f6neiche" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "A.C. Cesena", "MANAGER", "Massimo Drago" ], [ "Massimo Drago", "CLUB", "A.S.D. Licata 1931" ], [ "Massimo Drago", "CLUB", "A.S.D. S.S. Nola 1925" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "A.C. Lumezzane", "FULL_NAME", "\"Associazione Calcio Lumezzane SpA\"" ], [ "A.C. Lumezzane", "LEAGUE", "\"Lega Pro/A\"" ], [ "A.C. Lumezzane", "NUMBER_OF_MEMBERS", "4150" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "A.D. Isidro Metap\u00e1n", "MANAGER", "Jorge Humberto Rodr\u00edguez" ], [ "Jorge Humberto Rodr\u00edguez", "CLUB", "Alianza F.C." ], [ "Jorge Humberto Rodr\u00edguez", "CLUB", "El Salvador national football team" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "A.E Dimitra Efxeinoupolis", "NUMBER_OF_MEMBERS", "1500" ], [ "A.E Dimitra Efxeinoupolis", "CHAIRMAN", "Antonis Milionis" ], [ "A.E Dimitra Efxeinoupolis", "GROUND", "Efxeinoupoli" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "A.F.C. Blackpool", "GROUND", "Blackpool" ], [ "A.F.C. Blackpool", "NUMBER_OF_MEMBERS", "1500" ], [ "A.F.C. Blackpool", "FULL_NAME", "\"Association Football Club Blackpool\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "A.F.C. Blackpool", "MANAGER", "Stuart Parker (footballer)" ], [ "Stuart Parker (footballer)", "CLUB", "Chesterfield F.C." ], [ "Stuart Parker (footballer)", "CLUB", "Runcorn F.C. Halton" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "A.F.C. Fylde", "MANAGER", "Dave Challinor" ], [ "Dave Challinor", "CLUB", "Stockport County F.C." ], [ "Dave Challinor", "CLUB", "Colwyn Bay F.C." ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "A.S. Livorno Calcio", "GROUND", "\"Livorno, Italy\"" ], [ "A.S. Livorno Calcio", "NUMBER_OF_MEMBERS", "19238" ], [ "A.S. Livorno Calcio", "FULL_NAME", "\"Livorno Calcio S.p.A.\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "A.S. Livorno Calcio", "MANAGER", "Christian Panucci" ], [ "A.S. Livorno Calcio", "LEAGUE", "Serie B" ], [ "Serie B", "CHAMPIONS", "Carpi F.C. 1909" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "A.S. Livorno Calcio", "MANAGER", "Christian Panucci" ], [ "Christian Panucci", "CLUB", "Chelsea F.C." ], [ "Christian Panucci", "CLUB", "Real Madrid C.F." ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "AEK Athens F.C.", "LEAGUE", "Superleague Greece" ], [ "Superleague Greece", "CHAMPIONS", "Olympiacos F.C." ], [ "AEK Athens F.C.", "GROUND", "Greece" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "AEK Athens F.C.", "MANAGER", "Gus Poyet" ], [ "Gus Poyet", "CLUB", "Real Zaragoza" ], [ "Gus Poyet", "CLUB", "Chelsea F.C." ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "AFC Ajax (amateurs)", "GROUND", "Amsterdam" ], [ "Amsterdam", "LEADER", "Eberhard van der Laan" ], [ "Amsterdam", "PART", "Amsterdam-Centrum" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "AFC Ajax (amateurs)", "GROUND", "Amsterdam" ], [ "Amsterdam", "LEADER", "Eberhard van der Laan" ], [ "Amsterdam", "PART", "Amsterdam-Noord" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "AZ Alkmaar", "MANAGER", "John van den Brom" ], [ "John van den Brom", "CLUB", "Jong Ajax" ], [ "John van den Brom", "CLUB", "\u0130stanbulspor A.\u015e." ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Agremia\u00e7\u00e3o Sportiva Arapiraquense", "LEAGUE", "Campeonato Brasileiro S\u00e9rie C" ], [ "Campeonato Brasileiro S\u00e9rie C", "COUNTRY", "Brazil" ], [ "Agremia\u00e7\u00e3o Sportiva Arapiraquense", "GROUND", "Est\u00e1dio Municipal Coaracy da Mata Fonseca" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Luciano Spalletti", "CLUB", "Udinese Calcio" ], [ "Luciano Spalletti", "CLUB", "Empoli F.C." ], [ "A.S. Roma", "MANAGER", "Luciano Spalletti" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Massimo Drago", "CLUB", "S.S. Chieti Calcio" ], [ "A.C. Cesena", "MANAGER", "Massimo Drago" ], [ "Massimo Drago", "CLUB", "A.S.D. Licata 1931" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Massimo Drago", "CLUB", "U.S. Castrovillari Calcio" ], [ "A.C. Cesena", "MANAGER", "Massimo Drago" ], [ "Massimo Drago", "CLUB", "A.S.D. S.S. Nola 1925" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Massimo Drago", "CLUB", "U.S. Castrovillari Calcio" ], [ "Massimo Drago", "CLUB", "S.S. Chieti Calcio" ], [ "A.C. Cesena", "MANAGER", "Massimo Drago" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "103 Colmore Row", "LOCATION", "Colmore Row" ], [ "103 Colmore Row", "ARCHITECT", "John Madin" ], [ "John Madin", "BIRTH_PLACE", "Birmingham" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "200 Public Square", "LOCATION", "Cleveland" ], [ "Cleveland", "IS_PART_OF", "Cuyahoga County, Ohio" ], [ "Cleveland", "LEADER_NAME", "Frank G. Jackson" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "250 Delaware Avenue", "LOCATION", "United States" ], [ "250 Delaware Avenue", "FLOOR_AREA", "30843.8 (square metres)" ], [ "250 Delaware Avenue", "FLOOR_COUNT", "12" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "300 North LaSalle", "LOCATION", "Chicago" ], [ "Chicago", "LEADER_NAME", "Rahm Emanuel" ], [ "Chicago", "IS_PART_OF", "DuPage County, Illinois" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "320 South Boston Building", "ARCHITECT", "George Winkler" ], [ "George Winkler", "COUNTRY", "United States" ], [ "320 South Boston Building", "FLOOR_COUNT", "22" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "3Arena", "LOCATION", "\"North Wall Quay\"" ], [ "3Arena", "ARCHITECT", "\"HOK SVE\"" ], [ "3Arena", "COMPLETION_DATE", "\"December 2008\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "AC Hotel Bella Sky Copenhagen", "LOCATION", "Denmark" ], [ "AC Hotel Bella Sky Copenhagen", "TENANT", "Marriott International" ], [ "AC Hotel Bella Sky Copenhagen", "FLOOR_COUNT", "23" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "AC Hotel Bella Sky Copenhagen", "TENANT", "Marriott International" ], [ "AC Hotel Bella Sky Copenhagen", "ARCHITECT", "3XN" ], [ "AC Hotel Bella Sky Copenhagen", "FLOOR_COUNT", "23" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Adare Manor", "ARCHITECT", "Augustus Pugin" ], [ "Augustus Pugin", "SIGNIFICANT_BUILDING", "Palace of Westminster" ], [ "Augustus Pugin", "BIRTH_PLACE", "Bloomsbury" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Adare Manor", "ARCHITECT", "Philip Charles Hardwick" ], [ "Adare Manor", "COMPLETION_DATE", "1862" ], [ "Adare Manor", "OWNER", "J. P. McManus" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Adisham Hall", "ARCHITECTURAL_STYLE", "\"Tudor and Jacabian\"" ], [ "Adisham Hall", "COMPLETION_DATE", "1931" ], [ "Adisham Hall", "LOCATION", "Haputale" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Adisham Hall", "ARCHITECTURAL_STYLE", "\"Tudor and Jacabian\"" ], [ "Adisham Hall", "LOCATION", "Sri Lanka" ], [ "Adisham Hall", "COMPLETION_DATE", "1931" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Adisham Hall", "COUNTRY", "Sri Lanka" ], [ "Adisham Hall", "LOCATION", "Haputale" ], [ "Sri Lanka", "LEADER_NAME", "Ranil Wickremesinghe" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Adisham Hall", "COUNTRY", "Sri Lanka" ], [ "Sri Lanka", "CAPITAL", "Sri Jayawardenepura Kotte" ], [ "Sri Lanka", "CURRENCY", "Sri Lankan rupee" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Alan B. Miller Hall", "BUILDING_START_DATE", "\"30 March 2007\"" ], [ "Mason School of Business", "COUNTRY", "United States" ], [ "Alan B. Miller Hall", "CURRENT_TENANTS", "Mason School of Business" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Asilomar Conference Grounds", "ARCHITECT", "Julia Morgan" ], [ "Julia Morgan", "BIRTH_PLACE", "San Francisco" ], [ "Julia Morgan", "SIGNIFICANT_BUILDING", "Riverside Art Museum" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Asilomar Conference Grounds", "ARCHITECT", "Julia Morgan" ], [ "Julia Morgan", "SIGNIFICANT_BUILDING", "Chinatown, San Francisco" ], [ "Julia Morgan", "BIRTH_PLACE", "California" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Asilomar Conference Grounds", "LOCATION", "\"Asilomar Blvd., Pacific Grove, California\"" ], [ "Asilomar Conference Grounds", "ADDED_TO_THE_NATIONAL_REGISTER_OF_HISTORIC_PLACES", "\"1987-02-27\"" ], [ "Asilomar Conference Grounds", "REFERENCE_NUMBER_IN_THE_NATIONAL_REGISTER_OF_HISTORIC_PLACES", "\"87000823\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Asser Levy Public Baths", "LOCATION", "Avenue A (Manhattan)" ], [ "Asser Levy Public Baths", "YEAR_OF_CONSTRUCTION", "1904" ], [ "Asser Levy Public Baths", "ADDED_TO_THE_NATIONAL_REGISTER_OF_HISTORIC_PLACES", "\"1980-04-23\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Asser Levy Public Baths", "LOCATION", "New York City" ], [ "Asser Levy Public Baths", "YEAR_OF_CONSTRUCTION", "1904" ], [ "Asser Levy Public Baths", "ADDED_TO_THE_NATIONAL_REGISTER_OF_HISTORIC_PLACES", "\"1980-04-23\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Birmingham", "LEADER_NAME", "Conservative Party (UK)" ], [ "103 Colmore Row", "ARCHITECT", "John Madin" ], [ "John Madin", "HOMETOWN", "Birmingham" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Birmingham", "LEADER_NAME", "Liberal Democrats" ], [ "103 Colmore Row", "ARCHITECT", "John Madin" ], [ "John Madin", "BIRTH_PLACE", "Birmingham" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Ethiopia", "LEADER_NAME", "Hailemariam Desalegn" ], [ "Addis Ababa City Hall", "LOCATION", "Addis Ababa" ], [ "Addis Ababa", "COUNTRY", "Ethiopia" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Gujarat", "LEADER_NAME", "Anandiben Patel" ], [ "Amdavad ni Gufa", "LOCATION", "Ahmedabad" ], [ "Amdavad ni Gufa", "LOCATION", "Gujarat" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Marriott International", "LOCATION", "Bethesda, Maryland" ], [ "AC Hotel Bella Sky Copenhagen", "TENANT", "Marriott International" ], [ "Marriott International", "KEY_PERSON", "Bill Marriott" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Albany, Georgia", "IS_PART_OF", "Dougherty County, Georgia" ], [ "United States", "ETHNIC_GROUP", "Asian Americans" ], [ "Albany, Georgia", "COUNTRY", "United States" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Albuquerque, New Mexico", "POPULATION_DENSITY", "1142.3 (inhabitants per square kilometre)" ], [ "Albuquerque, New Mexico", "LEADER_TITLE", "New Mexico Senate" ], [ "Albuquerque, New Mexico", "AREA_TOTAL", "490.9 (square kilometres)" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Alpharetta, Georgia", "COUNTRY", "United States" ], [ "United States", "ETHNIC_GROUP", "African Americans" ], [ "Alpharetta, Georgia", "IS_PART_OF", "Fulton County, Georgia" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Alpharetta, Georgia", "COUNTRY", "United States" ], [ "United States", "ETHNIC_GROUP", "Asian Americans" ], [ "Alpharetta, Georgia", "IS_PART_OF", "Georgia (U.S. state)" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Alpharetta, Georgia", "COUNTRY", "United States" ], [ "United States", "ETHNIC_GROUP", "Asian Americans" ], [ "United States", "CAPITAL", "Washington, D.C." ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Anaheim, California", "UTC_OFFSET", "\"-7\"" ], [ "Anaheim, California", "AREA_CODE", "657, 714" ], [ "Anaheim, California", "AREA_TOTAL", "131.6 (square kilometres)" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Anaheim, California", "IS_PART_OF", "California" ], [ "Anaheim, California", "LEADER_TITLE", "California State Senate" ], [ "California State Senate", "LOCATION", "California State Capitol" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Anderson, Indiana", "IS_PART_OF", "Lafayette Township, Madison County, Indiana" ], [ "Lafayette Township, Madison County, Indiana", "COUNTRY", "United States" ], [ "Anderson, Indiana", "IS_PART_OF", "Indiana" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Angola, Indiana", "IS_PART_OF", "Pleasant Township, Steuben County, Indiana" ], [ "Angola, Indiana", "COUNTRY", "United States" ], [ "United States", "ETHNIC_GROUP", "Asian Americans" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Antioch, California", "IS_PART_OF", "Contra Costa County, California" ], [ "Contra Costa County, California", "IS_PART_OF", "San Francisco Bay Area" ], [ "Antioch, California", "LEADER_TITLE", "United States House of Representatives" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Arlington, Texas", "IS_PART_OF", "Tarrant County, Texas" ], [ "Tarrant County, Texas", "COUNTY_SEAT", "Fort Worth, Texas" ], [ "Tarrant County, Texas", "COUNTRY", "United States" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Atlanta", "COUNTRY", "United States" ], [ "United States", "ETHNIC_GROUP", "Asian Americans" ], [ "United States", "CAPITAL", "Washington, D.C." ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Atlanta", "POPULATION_DENSITY", "1299.0 (inhabitants per square kilometre)" ], [ "Atlanta", "AREA_CODE", "404" ], [ "Atlanta", "AREA_TOTAL", "347.1 (square kilometres)" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Atlantic City, New Jersey", "COUNTRY", "United States" ], [ "New Jersey", "LARGEST_CITY", "Newark, New Jersey" ], [ "Atlantic City, New Jersey", "IS_PART_OF", "New Jersey" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Atlantic City, New Jersey", "IS_PART_OF", "Atlantic County, New Jersey" ], [ "Atlantic County, New Jersey", "COUNTRY", "United States" ], [ "United States", "LARGEST_CITY", "New York City" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Auburn, Alabama", "IS_PART_OF", "Lee County, Alabama" ], [ "Alabama", "COUNTRY", "United States" ], [ "Auburn, Alabama", "IS_PART_OF", "Alabama" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Auburn, Washington", "IS_PART_OF", "Washington (state)" ], [ "United States", "CAPITAL", "Washington, D.C." ], [ "Washington (state)", "COUNTRY", "United States" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Auburn, Washington", "IS_PART_OF", "Washington (state)" ], [ "Washington (state)", "CAPITAL", "Olympia, Washington" ], [ "Washington (state)", "COUNTRY", "United States" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Georgia (U.S. state)", "CAPITAL", "Atlanta" ], [ "Albany, Georgia", "IS_PART_OF", "Georgia (U.S. state)" ], [ "Albany, Georgia", "IS_PART_OF", "Dougherty County, Georgia" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Madison County, Indiana", "COUNTRY", "United States" ], [ "Alexandria, Indiana", "IS_PART_OF", "Madison County, Indiana" ], [ "Madison County, Indiana", "LARGEST_CITY", "Anderson, Indiana" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "New Jersey", "CAPITAL", "Trenton, New Jersey" ], [ "New Jersey", "COUNTRY", "United States" ], [ "Atlantic City, New Jersey", "IS_PART_OF", "New Jersey" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Texas", "LANGUAGE", "English language" ], [ "Arlington, Texas", "IS_PART_OF", "Texas" ], [ "Texas", "LARGEST_CITY", "Houston" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "United States", "CAPITAL", "Washington, D.C." ], [ "Attica, Indiana", "COUNTRY", "United States" ], [ "Attica, Indiana", "IS_PART_OF", "Fountain County, Indiana" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "United States", "CAPITAL", "Washington, D.C." ], [ "Fountain County, Indiana", "COUNTRY", "United States" ], [ "Attica, Indiana", "IS_PART_OF", "Fountain County, Indiana" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "United States", "CAPITAL", "Washington, D.C." ], [ "United States", "LANGUAGE", "English language" ], [ "Akron, Ohio", "COUNTRY", "United States" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "United States", "ETHNIC_GROUP", "Asian Americans" ], [ "Akron, Ohio", "COUNTRY", "United States" ], [ "Akron, Ohio", "IS_PART_OF", "Summit County, Ohio" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "United States", "ETHNIC_GROUP", "Asian Americans" ], [ "Albany, Oregon", "IS_PART_OF", "Benton County, Oregon" ], [ "Albany, Oregon", "COUNTRY", "United States" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "United States", "ETHNIC_GROUP", "Asian Americans" ], [ "United States", "LEADER", "Barack Obama" ], [ "Albuquerque, New Mexico", "COUNTRY", "United States" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "United States", "LANGUAGE", "English language" ], [ "Albany, Georgia", "COUNTRY", "United States" ], [ "United States", "ETHNIC_GROUP", "African Americans" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "United States", "LANGUAGE", "English language" ], [ "Angola, Indiana", "COUNTRY", "United States" ], [ "United States", "ETHNIC_GROUP", "Asian Americans" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Aarhus Airport", "RUNWAY_LENGTH", "2776.0" ], [ "Aarhus Airport", "OPERATING_ORGANISATION", "\"Aarhus Lufthavn A/S\"" ], [ "Aarhus Airport", "RUNWAY_NAME", "\"10R/28L\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Adirondack Regional Airport", "CITY_SERVED", "Lake Placid, New York" ], [ "Adirondack Regional Airport", "RUNWAY_LENGTH", "2003.0" ], [ "Adirondack Regional Airport", "CITY_SERVED", "Saranac Lake, New York" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Adolfo Su\u00e1rez Madrid\u2013Barajas Airport", "LOCATION", "Paracuellos de Jarama" ], [ "Paracuellos de Jarama", "COUNTRY", "Spain" ], [ "Paracuellos de Jarama", "IS_PART_OF", "Community of Madrid" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Agra Airport", "LOCATION", "Uttar Pradesh" ], [ "Agra Airport", "OPERATING_ORGANISATION", "Indian Air Force" ], [ "Agra Airport", "ICAO_LOCATION_IDENTIFIER", "\"VIAG\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Al Asad Airbase", "OPERATING_ORGANISATION", "United States Air Force" ], [ "Al Asad Airbase", "LOCATION", "Iraq" ], [ "Al Asad Airbase", "RUNWAY_LENGTH", "3992.88" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Al Asad Airbase", "OPERATING_ORGANISATION", "United States Air Force" ], [ "United States Air Force", "AIRCRAFT_FIGHTER", "McDonnell Douglas F-15 Eagle" ], [ "United States Air Force", "BATTLES", "1986 United States bombing of Libya" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Al Asad Airbase", "OPERATING_ORGANISATION", "United States Air Force" ], [ "United States Air Force", "BATTLES", "Invasion of Grenada" ], [ "United States Air Force", "AIRCRAFT_FIGHTER", "McDonnell Douglas F-15 Eagle" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Alderney Airport", "1ST_RUNWAY_SURFACE_TYPE", "Poaceae" ], [ "Alderney Airport", "RUNWAY_LENGTH", "877.0" ], [ "Alderney Airport", "CITY_SERVED", "Alderney" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Allama Iqbal International Airport", "LOCATION", "Pakistan" ], [ "Allama Iqbal International Airport", "OPERATING_ORGANISATION", "Pakistan Civil Aviation Authority" ], [ "Pakistan Civil Aviation Authority", "HEADQUARTER", "Jinnah International Airport" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Allama Iqbal International Airport", "LOCATION", "Punjab, Pakistan" ], [ "Allama Iqbal International Airport", "RUNWAY_NAME", "\"18L/36R\"" ], [ "Allama Iqbal International Airport", "RUNWAY_LENGTH", "2900.0" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Alpena County Regional Airport", "ELEVATION", "210" ], [ "Alpena County Regional Airport", "LOCATION", "Maple Ridge Township, Alpena County, Michigan" ], [ "Maple Ridge Township, Alpena County, Michigan", "COUNTRY", "United States" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Andrews County Airport", "LOCATION", "Texas" ], [ "Andrews County Airport", "RUNWAY_LENGTH", "1773.0" ], [ "Andrews County Airport", "ELEVATION", "973.0" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Andrews County Airport", "LOCATION", "Texas" ], [ "Andrews County Airport", "RUNWAY_LENGTH", "896.0" ], [ "Andrews County Airport", "ELEVATION", "973.0" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Andrews County Airport", "LOCATION", "Texas" ], [ "Texas", "CAPITAL", "Austin, Texas" ], [ "Texas", "LANGUAGE", "English language" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Andrews County Airport", "LOCATION", "Texas" ], [ "Texas", "DEMONYM", "Tejano" ], [ "Texas", "COUNTRY", "United States" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Antwerp International Airport", "CITY_SERVED", "Antwerp" ], [ "Belgium", "LANGUAGE", "German language" ], [ "Antwerp", "COUNTRY", "Belgium" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Atlantic City International Airport", "LOCATION", "Egg Harbor Township, New Jersey" ], [ "Egg Harbor Township, New Jersey", "COUNTRY", "United States" ], [ "Egg Harbor Township, New Jersey", "IS_PART_OF", "Atlantic County, New Jersey" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Atlantic City International Airport", "OPERATING_ORGANISATION", "Port Authority of New York and New Jersey" ], [ "Port Authority of New York and New Jersey", "REGION_SERVED", "New Jersey" ], [ "Port Authority of New York and New Jersey", "HEADQUARTER", "Four World Trade Center" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Atlantic City International Airport", "RUNWAY_LENGTH", "3048.0" ], [ "Atlantic City International Airport", "LOCATION", "Egg Harbor Township, New Jersey" ], [ "Egg Harbor Township, New Jersey", "COUNTRY", "United States" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Lahore", "COUNTRY", "Pakistan" ], [ "Allama Iqbal International Airport", "CITY_SERVED", "Lahore" ], [ "Pakistan", "LEADER_NAME", "Anwar Zaheer Jamali" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Madrid", "IS_PART_OF", "Community of Madrid" ], [ "Madrid", "LEADER_PARTY", "Ahora Madrid" ], [ "Adolfo Su\u00e1rez Madrid\u2013Barajas Airport", "LOCATION", "Madrid" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Madrid", "LEADER_PARTY", "Ahora Madrid" ], [ "Adolfo Su\u00e1rez Madrid\u2013Barajas Airport", "LOCATION", "Madrid" ], [ "Madrid", "COUNTRY", "Spain" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "San Sebasti\u00e1n de los Reyes", "LEADER_PARTY", "People's Party (Spain)" ], [ "Adolfo Su\u00e1rez Madrid\u2013Barajas Airport", "LOCATION", "San Sebasti\u00e1n de los Reyes" ], [ "San Sebasti\u00e1n de los Reyes", "COUNTRY", "Spain" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "11th Mississippi Infantry Monument", "COUNTRY", "\"United States\"" ], [ "Adams County, Pennsylvania", "HAS_TO_ITS_SOUTHEAST", "Carroll County, Maryland" ], [ "11th Mississippi Infantry Monument", "LOCATION", "Adams County, Pennsylvania" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Adams County, Pennsylvania", "HAS_TO_ITS_SOUTHEAST", "Carroll County, Maryland" ], [ "11th Mississippi Infantry Monument", "MUNICIPALITY", "Gettysburg, Pennsylvania" ], [ "11th Mississippi Infantry Monument", "LOCATION", "Adams County, Pennsylvania" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Azerbaijan", "CAPITAL", "Baku" ], [ "Baku Turkish Martyrs' Memorial", "LOCATION", "Azerbaijan" ], [ "Baku Turkish Martyrs' Memorial", "NATIVE_NAME", "\"T\u00fcrk \u015eehitleri An\u0131t\u0131\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Azerbaijan", "LEADER", "Artur Rasizade" ], [ "Baku Turkish Martyrs' Memorial", "LOCATION", "Azerbaijan" ], [ "Azerbaijan", "LEGISLATURE", "National Assembly (Azerbaijan)" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Turkey", "LEADER_NAME", "Ahmet Davuto\u011flu" ], [ "Turkey", "CAPITAL", "Ankara" ], [ "Atat\u00fcrk Monument (\u0130zmir)", "LOCATION", "Turkey" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Amatriciana sauce", "REGION", "Lazio" ], [ "Amatriciana sauce", "COUNTRY", "Italy" ], [ "Amatriciana sauce", "INGREDIENT", "Guanciale" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Arem-arem", "INGREDIENT", "Banana leaf" ], [ "Arem-arem", "REGION", "Javanese cuisine" ], [ "Arem-arem", "MAIN_INGREDIENTS", "\"compressed rice cooked in banana leaf with vegetables or minced meat fillings\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Arrabbiata sauce", "INGREDIENT", "Tomato" ], [ "Tomato", "DIVISION", "Flowering plant" ], [ "Tomato", "FAMILY", "Solanaceae" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Arrabbiata sauce", "REGION", "Rome" ], [ "Arrabbiata sauce", "COUNTRY", "Italy" ], [ "Arrabbiata sauce", "INGREDIENT", "Olive oil" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Arrabbiata sauce", "REGION", "Rome" ], [ "Arrabbiata sauce", "INGREDIENT", "Tomato" ], [ "Arrabbiata sauce", "COUNTRY", "Italy" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Asam pedas", "COUNTRY", "Malaysia" ], [ "Asam pedas", "MAIN_INGREDIENTS", "\"Fish cooked in sour and hot sauce\"" ], [ "Asam pedas", "REGION", "Malay Peninsula" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Asam pedas", "COUNTRY", "Malaysia" ], [ "Malaysia", "CAPITAL", "Kuala Lumpur" ], [ "Malaysia", "LEADER_NAME", "Arifin Zakaria" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Ayam penyet", "REGION", "Malaysia" ], [ "Malaysia", "ETHNIC_GROUP", "Malaysian Chinese" ], [ "Ayam penyet", "COUNTRY", "Indonesia" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "BLT", "INGREDIENT", "Lettuce" ], [ "BLT", "DISH_VARIATION", "Club sandwich" ], [ "Bacon sandwich", "DISH_VARIATION", "BLT" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Bacon Explosion", "COUNTRY", "United States" ], [ "United States", "LEADER_NAME", "Barack Obama" ], [ "United States", "ETHNIC_GROUP", "White Americans" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Bacon Explosion", "COUNTRY", "United States" ], [ "United States", "LEADER_NAME", "John Roberts" ], [ "United States", "CAPITAL", "Washington, D.C." ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Bacon sandwich", "DISH_VARIATION", "BLT" ], [ "BLT", "DISH_VARIATION", "Club sandwich" ], [ "Bacon sandwich", "INGREDIENT", "Bread" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Baked Alaska", "COUNTRY", "France" ], [ "Baked Alaska", "REGION", "New York" ], [ "Baked Alaska", "INGREDIENT", "Sponge cake" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Baked Alaska", "COUNTRY", "France" ], [ "France", "LEADER_NAME", "Manuel Valls" ], [ "France", "CURRENCY", "Euro" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Baked Alaska", "COUNTRY", "United States" ], [ "Baked Alaska", "REGION", "New York" ], [ "Baked Alaska", "INGREDIENT", "Christmas pudding" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Baked Alaska", "COURSE", "Dessert" ], [ "Dessert", "DISH_VARIATION", "Cookie" ], [ "Baked Alaska", "INGREDIENT", "Sponge cake" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Bakewell pudding", "REGION", "Derbyshire Dales" ], [ "Bakewell pudding", "COURSE", "\"Dessert\"" ], [ "Bakewell pudding", "MAIN_INGREDIENTS", "\"Ground almond, jam, butter, eggs\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Bakewell pudding", "REGION", "Derbyshire Dales" ], [ "Bakewell pudding", "DISH_VARIATION", "Bakewell tart" ], [ "Bakewell pudding", "MAIN_INGREDIENTS", "\"Ground almond, jam, butter, eggs\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Bakso", "REGION", "Indonesia" ], [ "Bakso", "COUNTRY", "Indonesia" ], [ "Bakso", "INGREDIENT", "Beef" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Bandeja paisa", "INGREDIENT", "Avocado" ], [ "Bandeja paisa", "COUNTRY", "Colombian cuisine" ], [ "Bandeja paisa", "REGION", "Paisa Region" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Bandeja paisa", "REGION", "Paisa Region" ], [ "Bandeja paisa", "COUNTRY", "Colombian cuisine" ], [ "Bandeja paisa", "INGREDIENT", "Hogao" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Barny Cakes", "COUNTRY", "France" ], [ "France", "LEADER_NAME", "Claude Bartolone" ], [ "France", "LEADER_NAME", "Manuel Valls" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Batchoy", "COUNTRY", "Philippines" ], [ "Batchoy", "MAIN_INGREDIENTS", "\"noodles, pork organs, vegetables, chicken, shrimp, beef\"" ], [ "Batchoy", "INGREDIENT", "Noodle" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Batchoy", "COUNTRY", "Philippines" ], [ "Batchoy", "MAIN_INGREDIENTS", "\"noodles, pork organs, vegetables, chicken, shrimp, beef\"" ], [ "Batchoy", "INGREDIENT", "Vegetable" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Beef kway teow", "COUNTRY", "Singapore" ], [ "Beef kway teow", "REGION", "\"Nationwide in Singapore and Indonesia\"" ], [ "Singapore", "LEADER_NAME", "Tony Tan" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Beef kway teow", "REGION", "Singapore" ], [ "Beef kway teow", "COUNTRY", "Indonesia" ], [ "Beef kway teow", "INGREDIENT", "Sesame oil" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Beef kway teow", "REGION", "Singapore" ], [ "Beef kway teow", "INGREDIENT", "Oyster sauce" ], [ "Beef kway teow", "COUNTRY", "\"Singapore and Indonesia\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Bhajji", "COUNTRY", "India" ], [ "India", "CURRENCY", "Indian rupee" ], [ "India", "LEADER_NAME", "Sumitra Mahajan" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Binignit", "INGREDIENT", "Banana" ], [ "Binignit", "COURSE", "Dessert" ], [ "Dessert", "DISH_VARIATION", "Cookie" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Binignit", "INGREDIENT", "Sago" ], [ "Binignit", "COURSE", "Dessert" ], [ "Dessert", "DISH_VARIATION", "Cookie" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Binignit", "INGREDIENT", "Taro" ], [ "Binignit", "COURSE", "Dessert" ], [ "Dessert", "DISH_VARIATION", "Cookie" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Binignit", "MAIN_INGREDIENTS", "Sweet potato" ], [ "Binignit", "INGREDIENT", "Banana" ], [ "Sweet potato", "ORDER", "Solanales" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Bionico", "COUNTRY", "Mexico" ], [ "Bionico", "COURSE", "Dessert" ], [ "Bionico", "INGREDIENT", "Granola" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Bionico", "COUNTRY", "Mexico" ], [ "Bionico", "REGION", "Guadalajara" ], [ "Bionico", "INGREDIENT", "Raisin" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Bionico", "COUNTRY", "Mexico" ], [ "Mexico", "LEADER_NAME", "Silvano Aureoles Conejo" ], [ "Mexico", "CURRENCY", "Mexican peso" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Italy", "CAPITAL", "Rome" ], [ "Amatriciana sauce", "COUNTRY", "Italy" ], [ "Italy", "LEADER_NAME", "Pietro Grasso" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Philippines", "LANGUAGE", "Arabic" ], [ "Batchoy", "COUNTRY", "Philippines" ], [ "Philippines", "ETHNIC_GROUP", "Igorot people" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Singapore", "LEADER_NAME", "Tony Tan" ], [ "Singapore", "LANGUAGE", "English language" ], [ "Beef kway teow", "COUNTRY", "Singapore" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Tomato", "FAMILY", "Solanaceae" ], [ "Amatriciana sauce", "INGREDIENT", "Tomato" ], [ "Tomato", "ORDER", "Solanales" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "AWH Engineering College", "COUNTRY", "India" ], [ "AWH Engineering College", "ACADEMIC_STAFF_SIZE", "250" ], [ "AWH Engineering College", "STATE", "Kerala" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Acharya Institute of Technology", "CITY", "Bangalore" ], [ "Acharya Institute of Technology", "NUMBER_OF_POSTGRADUATE_STUDENTS", "700" ], [ "Acharya Institute of Technology", "AFFILIATION", "Visvesvaraya Technological University" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Kerala", "LEADER_NAME", "Kochi" ], [ "AWH Engineering College", "STATE", "Kerala" ], [ "Kerala", "HAS_TO_ITS_NORTHWEST", "Mah\u00e9, India" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Romania", "ETHNIC_GROUP", "Germans of Romania" ], [ "1 Decembrie 1918 University", "COUNTRY", "Romania" ], [ "Romania", "ANTHEM", "De\u0219teapt\u0103-te, rom\u00e2ne!" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Romania", "ETHNIC_GROUP", "Germans of Romania" ], [ "Romania", "LEADER_NAME", "Klaus Iohannis" ], [ "1 Decembrie 1918 University", "COUNTRY", "Romania" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "School of Business and Social Sciences at the Aarhus University", "AFFILIATION", "European University Association" ], [ "European University Association", "HEADQUARTERS", "Brussels" ], [ "School of Business and Social Sciences at the Aarhus University", "ESTABLISHED", "1928" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "School of Business and Social Sciences at the Aarhus University", "CITY", "Aarhus" ], [ "School of Business and Social Sciences at the Aarhus University", "COUNTRY", "Denmark" ], [ "School of Business and Social Sciences at the Aarhus University", "ESTABLISHED", "1928" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Asterix (comicsCharacter)", "CREATOR", "Ren\u00e9 Goscinny" ], [ "Ren\u00e9 Goscinny", "NATIONALITY", "French people" ], [ "Asterix (comicsCharacter)", "CREATOR", "Albert Uderzo" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Bananaman", "STARRING", "Tim Brooke-Taylor" ], [ "Bananaman", "BROADCASTED_BY", "BBC" ], [ "Bananaman", "LAST_AIRED", "\"1986-04-15\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Baymax", "FIRST_APPEARANCE_IN_FILM", "Big Hero 6 (film)" ], [ "Big Hero 6 (film)", "DISTRIBUTOR", "Walt Disney Studios Motion Pictures" ], [ "Big Hero 6 (film)", "STARRING", "Scott Adsit" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Big Hero 6 (film)", "DISTRIBUTOR", "Walt Disney Studios Motion Pictures" ], [ "Baymax", "SERIES", "Big Hero 6 (film)" ], [ "Big Hero 6 (film)", "STARRING", "Scott Adsit" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Big Hero 6 (film)", "STARRING", "Ryan Potter" ], [ "Big Hero 6 (film)", "DISTRIBUTOR", "Walt Disney Studios Motion Pictures" ], [ "Baymax", "SERIES", "Big Hero 6 (film)" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Blockbuster (comicsCharacter)", "CREATOR", "Gardner Fox" ], [ "Blockbuster (comicsCharacter)", "ALTERNATIVE_NAME", "\"Mark Desmond\"" ], [ "Blockbuster (comicsCharacter)", "CREATOR", "Carmine Infantino" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Bolt (comicsCharacter)", "ALTERNATIVE_NAME", "\"Larry Bolatinsky\"" ], [ "Bolt (comicsCharacter)", "CREATOR", "Dan Mishkin" ], [ "Bolt (comicsCharacter)", "CREATOR", "Gary Cohn (comics)" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Bolt (comicsCharacter)", "CREATOR", "Ernie Col\u00f3n" ], [ "Bolt (comicsCharacter)", "ALTERNATIVE_NAME", "\"Larry Bolatinsky\"" ], [ "Bolt (comicsCharacter)", "CREATOR", "Gary Cohn (comics)" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "103 Colmore Row", "LOCATION", "Birmingham" ], [ "103 Colmore Row", "COMPLETION_DATE", "1976" ], [ "103 Colmore Row", "BUILDING_START_DATE", "\"1973\"" ], [ "103 Colmore Row", "FLOOR_COUNT", "23" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "11 Diagonal Street", "LOCATION", "South Africa" ], [ "South Africa", "ETHNIC_GROUP", "Asian South Africans" ], [ "South Africa", "CAPITAL", "Cape Town" ], [ "South Africa", "ETHNIC_GROUP", "Coloured" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "200 Public Square", "LOCATION", "Cleveland" ], [ "Cleveland", "IS_PART_OF", "Cuyahoga County, Ohio" ], [ "Cleveland", "COUNTRY", "United States" ], [ "Cleveland", "GOVERNING_BODY", "Cleveland City Council" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "250 Delaware Avenue", "LOCATION", "Buffalo, New York" ], [ "250 Delaware Avenue", "COST", "\"110 million (dollars)\"" ], [ "250 Delaware Avenue", "FLOOR_AREA", "30843.8 (square metres)" ], [ "250 Delaware Avenue", "FLOOR_COUNT", "12" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "300 North LaSalle", "LOCATION", "Chicago" ], [ "Chicago", "LEADER_NAME", "Rahm Emanuel" ], [ "Chicago", "IS_PART_OF", "Cook County, Illinois" ], [ "Chicago", "COUNTRY", "United States" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "300 North LaSalle", "LOCATION", "Illinois" ], [ "300 North LaSalle", "FLOOR_AREA", "120770.0 (square metres)" ], [ "300 North LaSalle", "COMPLETION_DATE", "2009" ], [ "300 North LaSalle", "FLOOR_COUNT", "60" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "3Arena", "OWNER", "Live Nation Entertainment" ], [ "Dublin", "IS_PART_OF", "Republic of Ireland" ], [ "3Arena", "LOCATION", "Dublin" ], [ "Dublin", "IS_PART_OF", "Leinster" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "AC Hotel Bella Sky Copenhagen", "TENANT", "Marriott International" ], [ "AC Hotel Bella Sky Copenhagen", "LOCATION", "Copenhagen" ], [ "AC Hotel Bella Sky Copenhagen", "ARCHITECT", "3XN" ], [ "AC Hotel Bella Sky Copenhagen", "FLOOR_COUNT", "23" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Adare Manor", "LOCATION", "Adare" ], [ "County Limerick", "IS_PART_OF", "Munster" ], [ "Adare Manor", "LOCATION", "County Limerick" ], [ "County Limerick", "GOVERNMENT_TYPE", "Limerick City and County Council" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Akita Museum of Art", "COUNTRY", "Japan" ], [ "Akita Museum of Art", "LOCATION", "Akita, Akita" ], [ "Akita, Akita", "IS_PART_OF", "Akita Prefecture" ], [ "Japan", "ETHNIC_GROUP", "Brazilians in Japan" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Akita Museum of Art", "COUNTRY", "Japan" ], [ "Akita Museum of Art", "LOCATION", "Akita, Akita" ], [ "Akita, Akita", "IS_PART_OF", "Akita Prefecture" ], [ "Japan", "ETHNIC_GROUP", "Filipinos in Japan" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Akita Museum of Art", "COUNTRY", "Japan" ], [ "Akita Museum of Art", "LOCATION", "Akita Prefecture" ], [ "Japan", "ETHNIC_GROUP", "Vietnamese people in Japan" ], [ "Akita Museum of Art", "LOCATION", "Akita, Akita" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Akita Museum of Art", "COUNTRY", "Japan" ], [ "Japan", "ETHNIC_GROUP", "Brazilians in Japan" ], [ "Akita Museum of Art", "LOCATION", "Akita Prefecture" ], [ "Akita Museum of Art", "LOCATION", "Akita, Akita" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Alan B. Miller Hall", "OWNER", "College of William &amp; Mary" ], [ "Alan B. Miller Hall", "COMPLETION_DATE", "\"1 June 2009\"" ], [ "Alan B. Miller Hall", "ADDRESS", "\"101 Ukrop Way\"" ], [ "Alan B. Miller Hall", "LOCATION", "Williamsburg, Virginia" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Amdavad ni Gufa", "LOCATION", "Gujarat" ], [ "Amdavad ni Gufa", "COUNTRY", "India" ], [ "India", "LEADER_NAME", "Narendra Modi" ], [ "India", "LEADER_NAME", "Sumitra Mahajan" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Asilomar Conference Grounds", "LOCATION", "Pacific Grove, California" ], [ "Asilomar Conference Grounds", "ADDED_TO_THE_NATIONAL_REGISTER_OF_HISTORIC_PLACES", "\"1987-02-27\"" ], [ "Asilomar Conference Grounds", "REFERENCE_NUMBER_IN_THE_NATIONAL_REGISTER_OF_HISTORIC_PLACES", "\"87000823\"" ], [ "Asilomar Conference Grounds", "YEAR_OF_CONSTRUCTION", "1913" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Asser Levy Public Baths", "LOCATION", "Avenue A (Manhattan)" ], [ "Asser Levy Public Baths", "REFERENCE_NUMBER_IN_THE_NATIONAL_REGISTER_OF_HISTORIC_PLACES", "\"80002709\"" ], [ "Asser Levy Public Baths", "YEAR_OF_CONSTRUCTION", "1904" ], [ "Asser Levy Public Baths", "ADDED_TO_THE_NATIONAL_REGISTER_OF_HISTORIC_PLACES", "\"1980-04-23\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Asser Levy Public Baths", "LOCATION", "New York City" ], [ "Manhattan", "LEADER_NAME", "Cyrus Vance, Jr." ], [ "New York City", "IS_PART_OF", "Manhattan" ], [ "New York City", "IS_PART_OF", "Brooklyn" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Asser Levy Public Baths", "LOCATION", "New York City" ], [ "New York City", "COUNTRY", "United States" ], [ "Manhattan", "LEADER_NAME", "Gale Brewer" ], [ "New York City", "IS_PART_OF", "Manhattan" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Birmingham", "POSTAL_CODE", "B postcode area" ], [ "103 Colmore Row", "ARCHITECT", "John Madin" ], [ "John Madin", "BIRTH_PLACE", "Birmingham" ], [ "Birmingham", "LEADER_NAME", "Andrew Mitchell" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Birmingham", "POSTAL_CODE", "B postcode area" ], [ "103 Colmore Row", "ARCHITECT", "John Madin" ], [ "John Madin", "BIRTH_PLACE", "Birmingham" ], [ "Birmingham", "LEADER_NAME", "Labour Party (UK)" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Gujarat", "LEADER_NAME", "Anandiben Patel" ], [ "Amdavad ni Gufa", "LOCATION", "Gujarat" ], [ "Amdavad ni Gufa", "COUNTRY", "India" ], [ "India", "LEADER_NAME", "Sumitra Mahajan" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "India", "LEADER_NAME", "T. S. Thakur" ], [ "Amdavad ni Gufa", "LOCATION", "Gujarat" ], [ "Amdavad ni Gufa", "COUNTRY", "India" ], [ "India", "LEADER_NAME", "Narendra Modi" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Japan", "ETHNIC_GROUP", "Brazilians in Japan" ], [ "Akita Prefecture", "COUNTRY", "Japan" ], [ "Akita Museum of Art", "LOCATION", "Akita Prefecture" ], [ "Akita Museum of Art", "LOCATION", "Akita, Akita" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "London", "LEADER_TITLE", "Parliament of the United Kingdom" ], [ "20 Fenchurch Street", "LOCATION", "United Kingdom" ], [ "United Kingdom", "CAPITAL", "London" ], [ "United Kingdom", "LEADER_NAME", "Elizabeth II" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "United States", "LANGUAGE", "English language" ], [ "United States", "LEADER_TITLE", "President of the United States" ], [ "United States", "LEADER_NAME", "Joe Biden" ], [ "250 Delaware Avenue", "LOCATION", "United States" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "11th Mississippi Infantry Monument", "COUNTRY", "\"United States\"" ], [ "11th Mississippi Infantry Monument", "STATE", "\"Pennsylvania\"" ], [ "11th Mississippi Infantry Monument", "ESTABLISHED", "2000" ], [ "11th Mississippi Infantry Monument", "CATEGORY", "Contributing property" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Azerbaijan", "CAPITAL", "Baku" ], [ "Azerbaijan", "LEADER_TITLE", "Prime Minister of Azerbaijan" ], [ "Baku Turkish Martyrs' Memorial", "LOCATION", "Azerbaijan" ], [ "Azerbaijan", "LEADER_NAME", "Artur Rasizade" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Azerbaijan", "CAPITAL", "Baku" ], [ "Baku Turkish Martyrs' Memorial", "DEDICATED_TO", "\"Ottoman Army soldiers killed in the Battle of Baku\"" ], [ "Baku Turkish Martyrs' Memorial", "LOCATION", "Azerbaijan" ], [ "Baku Turkish Martyrs' Memorial", "NATIVE_NAME", "\"T\u00fcrk \u015eehitleri An\u0131t\u0131\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Monocacy National Battlefield", "LOCATION", "Frederick County, Maryland" ], [ "14th New Jersey Volunteer Infantry Monument", "ESTABLISHED", "\"1907-07-11\"" ], [ "14th New Jersey Volunteer Infantry Monument", "DISTRICT", "Monocacy National Battlefield" ], [ "Monocacy National Battlefield", "NEAREST_CITY", "Frederick, Maryland" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Turkey", "LEADER_NAME", "Ahmet Davuto\u011flu" ], [ "Turkey", "CAPITAL", "Ankara" ], [ "Atat\u00fcrk Monument (\u0130zmir)", "MATERIAL", "\"Bronze\"" ], [ "Atat\u00fcrk Monument (\u0130zmir)", "LOCATION", "Turkey" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Turkey", "LEADER_TITLE", "President of Turkey" ], [ "Atat\u00fcrk Monument (\u0130zmir)", "DESIGNER", "Pietro Canonica" ], [ "Atat\u00fcrk Monument (\u0130zmir)", "INAUGURATION_DATE", "\"1932-07-27\"" ], [ "Atat\u00fcrk Monument (\u0130zmir)", "LOCATION", "Turkey" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Albany, Georgia", "IS_PART_OF", "Georgia (U.S. state)" ], [ "United States", "LANGUAGE", "English language" ], [ "Albany, Georgia", "COUNTRY", "United States" ], [ "United States", "ETHNIC_GROUP", "Native Americans in the United States" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Albuquerque, New Mexico", "AREA_CODE", "505, 575" ], [ "Albuquerque, New Mexico", "AREA_OF_LAND", "486.2 (square kilometres)" ], [ "Albuquerque, New Mexico", "AREA_TOTAL", "490.9 (square kilometres)" ], [ "Albuquerque, New Mexico", "POPULATION_DENSITY", "1142.3 (inhabitants per square kilometre)" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Alpharetta, Georgia", "COUNTRY", "United States" ], [ "Alpharetta, Georgia", "IS_PART_OF", "Georgia (U.S. state)" ], [ "Alpharetta, Georgia", "IS_PART_OF", "Fulton County, Georgia" ], [ "Fulton County, Georgia", "COUNTY_SEAT", "Atlanta" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Amarillo, Texas", "IS_PART_OF", "Potter County, Texas" ], [ "Potter County, Texas", "COUNTRY", "United States" ], [ "United States", "CAPITAL", "Washington, D.C." ], [ "United States", "ETHNIC_GROUP", "African Americans" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Amarillo, Texas", "IS_PART_OF", "Potter County, Texas" ], [ "Potter County, Texas", "STATE", "Texas" ], [ "Amarillo, Texas", "COUNTRY", "United States" ], [ "Texas", "CAPITAL", "Austin, Texas" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Anaheim, California", "LEADER_TITLE", "California State Assembly" ], [ "Anaheim, California", "IS_PART_OF", "California" ], [ "California State Assembly", "LOCATION", "California State Capitol" ], [ "California", "LANGUAGE", "Spanish language" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Anderson, Indiana", "POPULATION_DENSITY", "523.9 (inhabitants per square kilometre)" ], [ "Anderson, Indiana", "AREA_TOTAL", "107.43 (square kilometres)" ], [ "Anderson, Indiana", "ELEVATION", "268.0" ], [ "Anderson, Indiana", "IS_PART_OF", "\"Adams, Fall Creek, Lafayette, Richland, Union\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Angola, Indiana", "IS_PART_OF", "Pleasant Township, Steuben County, Indiana" ], [ "Angola, Indiana", "COUNTRY", "United States" ], [ "Angola, Indiana", "IS_PART_OF", "Indiana" ], [ "Angola, Indiana", "AREA_TOTAL", "16.55 (square kilometres)" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Antioch, California", "UTC_OFFSET", "\"-7\"" ], [ "Antioch, California", "POPULATION_TOTAL", "102372" ], [ "Antioch, California", "AREA_CODE", "925" ], [ "Antioch, California", "AREA_TOTAL", "75.324 (square kilometres)" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Atlantic City, New Jersey", "POPULATION_DENSITY", "1421.2 (inhabitants per square kilometre)" ], [ "Atlantic City, New Jersey", "AREA_CODE", "609" ], [ "Atlantic City, New Jersey", "LEADER_TITLE", "Mayors of Atlantic City, New Jersey" ], [ "Atlantic City, New Jersey", "AREA_TOTAL", "44.125 (square kilometres)" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Auburn, Alabama", "IS_PART_OF", "Lee County, Alabama" ], [ "Auburn, Alabama", "COUNTRY", "United States" ], [ "Lee County, Alabama", "STATE", "Alabama" ], [ "United States", "ETHNIC_GROUP", "Asian Americans" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Auburn, Alabama", "IS_PART_OF", "Lee County, Alabama" ], [ "Lee County, Alabama", "COUNTRY", "United States" ], [ "Lee County, Alabama", "STATE", "Alabama" ], [ "United States", "ETHNIC_GROUP", "African Americans" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Auburn, Washington", "IS_PART_OF", "Pierce County, Washington" ], [ "United States", "CAPITAL", "Washington, D.C." ], [ "Pierce County, Washington", "COUNTRY", "United States" ], [ "Auburn, Washington", "IS_PART_OF", "King County, Washington" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Auburn, Washington", "IS_PART_OF", "Washington (state)" ], [ "United States", "CAPITAL", "Washington, D.C." ], [ "Auburn, Washington", "COUNTRY", "United States" ], [ "Auburn, Washington", "IS_PART_OF", "King County, Washington" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Austin, Texas", "IS_PART_OF", "Texas" ], [ "Texas", "LARGEST_CITY", "Houston" ], [ "Hays County, Texas", "COUNTY_SEAT", "San Marcos, Texas" ], [ "Austin, Texas", "IS_PART_OF", "Hays County, Texas" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "California", "LANGUAGE", "Chinese language" ], [ "Anaheim, California", "LEADER_TITLE", "California State Assembly" ], [ "Anaheim, California", "IS_PART_OF", "California" ], [ "California State Assembly", "LOCATION", "California State Capitol" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Georgia (U.S. state)", "COUNTRY", "United States" ], [ "Alpharetta, Georgia", "IS_PART_OF", "Georgia (U.S. state)" ], [ "Alpharetta, Georgia", "IS_PART_OF", "Fulton County, Georgia" ], [ "Fulton County, Georgia", "COUNTY_SEAT", "Atlanta" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Indiana", "CAPITAL", "Indianapolis" ], [ "Anderson, Indiana", "IS_PART_OF", "Lafayette Township, Madison County, Indiana" ], [ "Lafayette Township, Madison County, Indiana", "COUNTRY", "United States" ], [ "Anderson, Indiana", "IS_PART_OF", "Indiana" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Texas", "LANGUAGE", "English language" ], [ "Arlington, Texas", "IS_PART_OF", "Texas" ], [ "Texas", "COUNTRY", "United States" ], [ "Texas", "LARGEST_CITY", "Houston" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "United States", "CAPITAL", "Washington, D.C." ], [ "Albany, Oregon", "IS_PART_OF", "Benton County, Oregon" ], [ "Albany, Oregon", "COUNTRY", "United States" ], [ "United States", "ETHNIC_GROUP", "African Americans" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "United States", "CAPITAL", "Washington, D.C." ], [ "New Jersey", "COUNTRY", "United States" ], [ "United States", "LARGEST_CITY", "New York City" ], [ "Atlantic City, New Jersey", "IS_PART_OF", "New Jersey" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "United States", "ETHNIC_GROUP", "African Americans" ], [ "United States", "LEADER_TITLE", "President of the United States" ], [ "United States", "LEADER", "Barack Obama" ], [ "Albuquerque, New Mexico", "COUNTRY", "United States" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "United States", "ETHNIC_GROUP", "Asian Americans" ], [ "Albuquerque, New Mexico", "LEADER_TITLE", "New Mexico Senate" ], [ "New Mexico Senate", "LEADER", "John S\u00e1nchez" ], [ "Albuquerque, New Mexico", "COUNTRY", "United States" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "United States", "ETHNIC_GROUP", "Asian Americans" ], [ "United States", "CAPITAL", "Washington, D.C." ], [ "Albany, Oregon", "IS_PART_OF", "Benton County, Oregon" ], [ "Albany, Oregon", "COUNTRY", "United States" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "United States", "ETHNIC_GROUP", "Native Americans in the United States" ], [ "United States", "LEADER", "Barack Obama" ], [ "Albuquerque, New Mexico", "LEADER_TITLE", "Mayor of Albuquerque" ], [ "Albuquerque, New Mexico", "COUNTRY", "United States" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "United States", "LANGUAGE", "English language" ], [ "Albany, Georgia", "COUNTRY", "United States" ], [ "United States", "ETHNIC_GROUP", "Native Americans in the United States" ], [ "Albany, Georgia", "IS_PART_OF", "United States" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "United States", "LANGUAGE", "English language" ], [ "Angola, Indiana", "IS_PART_OF", "Indiana" ], [ "Angola, Indiana", "COUNTRY", "United States" ], [ "United States", "ETHNIC_GROUP", "Asian Americans" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "United States", "LANGUAGE", "English language" ], [ "Angola, Indiana", "IS_PART_OF", "Pleasant Township, Steuben County, Indiana" ], [ "Angola, Indiana", "COUNTRY", "United States" ], [ "United States", "ETHNIC_GROUP", "Asian Americans" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "1. FC Magdeburg", "MANAGER", "Jens H\u00e4rtel" ], [ "Jens H\u00e4rtel", "CLUB", "SV Babelsberg 03" ], [ "Jens H\u00e4rtel", "CLUB", "1. FC Union Berlin" ], [ "Jens H\u00e4rtel", "CLUB", "FSV Zwickau" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "A.C. Chievo Verona", "MANAGER", "Rolando Maran" ], [ "Rolando Maran", "CLUB", "F.C. Bari 1908" ], [ "Rolando Maran", "PLACE_OF_BIRTH", "Italy" ], [ "Rolando Maran", "CLUB", "Carrarese Calcio" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "A.C. Lumezzane", "MANAGER", "Michele Marcolini" ], [ "Michele Marcolini", "PLACE_OF_BIRTH", "Italy" ], [ "Michele Marcolini", "CLUB", "Torino F.C." ], [ "Michele Marcolini", "CLUB", "A.C. Chievo Verona" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "A.E Dimitra Efxeinoupolis", "NUMBER_OF_MEMBERS", "1500" ], [ "A.E Dimitra Efxeinoupolis", "CHAIRMAN", "Antonis Milionis" ], [ "A.E Dimitra Efxeinoupolis", "GROUND", "Efxeinoupoli" ], [ "A.E Dimitra Efxeinoupolis", "LEAGUE", "A EPSTH 2nd GROUP" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "A.F.C. Blackpool", "MANAGER", "Stuart Parker (footballer)" ], [ "Blackpool", "LEADER", "Conservative Party (UK)" ], [ "Stuart Parker (footballer)", "CLUB", "Stockport County F.C." ], [ "A.F.C. Blackpool", "GROUND", "Blackpool" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "A.F.C. Blackpool", "MANAGER", "Stuart Parker (footballer)" ], [ "Blackpool", "LEADER", "Gordon Marsden" ], [ "Stuart Parker (footballer)", "CLUB", "Stockport County F.C." ], [ "A.F.C. Blackpool", "GROUND", "Blackpool" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "A.F.C. Fylde", "GROUND", "\"Warton, Fylde, Lancashire\"" ], [ "A.F.C. Fylde", "SEASON", "2014" ], [ "A.F.C. Fylde", "NUMBER_OF_MEMBERS", "3180" ], [ "A.F.C. Fylde", "FULL_NAME", "\"Association Football Club Fylde\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "A.F.C. Fylde", "SEASON", "2014" ], [ "A.F.C. Fylde", "NUMBER_OF_MEMBERS", "3180" ], [ "A.F.C. Fylde", "FULL_NAME", "\"Association Football Club Fylde\"" ], [ "A.F.C. Fylde", "GROUND", "\"Bryning Lane\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "ACF Fiorentina", "MANAGER", "Paulo Sousa" ], [ "Paulo Sousa", "CLUB", "Juventus F.C." ], [ "Paulo Sousa", "CLUB", "Maccabi Tel Aviv F.C." ], [ "Paulo Sousa", "CLUB", "Inter Milan" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "AEK Athens F.C.", "NUMBER_OF_MEMBERS", "69618" ], [ "AEK Athens F.C.", "GROUND", "Greece" ], [ "AEK Athens F.C.", "LEAGUE", "Superleague Greece" ], [ "AEK Athens F.C.", "SEASON", "2014" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "AFC Ajax (amateurs)", "GROUND", "Sportpark De Toekomst" ], [ "Sportpark De Toekomst", "OPERATOR", "AFC Ajax" ], [ "Sportpark De Toekomst", "OWNER", "AFC Ajax N.V." ], [ "Sportpark De Toekomst", "TENANT", "Jong Ajax" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "AFC Ajax (amateurs)", "NICKNAME", "\"Joden , Godenzonen\"" ], [ "AFC Ajax (amateurs)", "SEASON", "2014" ], [ "AFC Ajax (amateurs)", "NUMBER_OF_MEMBERS", "5000" ], [ "AFC Ajax (amateurs)", "FULL_NAME", "\"Amsterdamsche Football Club Ajax Amateurs\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "AZ Alkmaar", "MANAGER", "John van den Brom" ], [ "John van den Brom", "CLUB", "Vitesse Arnhem" ], [ "John van den Brom", "CLUB", "AFC Ajax" ], [ "John van den Brom", "CLUB", "Netherlands national football team" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Agremia\u00e7\u00e3o Sportiva Arapiraquense", "LEAGUE", "Campeonato Brasileiro S\u00e9rie C" ], [ "Agremia\u00e7\u00e3o Sportiva Arapiraquense", "GROUND", "Est\u00e1dio Municipal Coaracy da Mata Fonseca" ], [ "Est\u00e1dio Municipal Coaracy da Mata Fonseca", "LOCATION", "Alagoas" ], [ "Campeonato Brasileiro S\u00e9rie C", "CHAMPIONS", "Vila Nova Futebol Clube" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Agremia\u00e7\u00e3o Sportiva Arapiraquense", "LEAGUE", "Campeonato Brasileiro S\u00e9rie C" ], [ "Campeonato Brasileiro S\u00e9rie C", "COUNTRY", "Brazil" ], [ "Agremia\u00e7\u00e3o Sportiva Arapiraquense", "GROUND", "Est\u00e1dio Municipal Coaracy da Mata Fonseca" ], [ "Est\u00e1dio Municipal Coaracy da Mata Fonseca", "LOCATION", "Alagoas" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Agremia\u00e7\u00e3o Sportiva Arapiraquense", "LEAGUE", "Campeonato Brasileiro S\u00e9rie C" ], [ "Campeonato Brasileiro S\u00e9rie C", "COUNTRY", "Brazil" ], [ "Agremia\u00e7\u00e3o Sportiva Arapiraquense", "GROUND", "Est\u00e1dio Municipal Coaracy da Mata Fonseca" ], [ "Est\u00e1dio Municipal Coaracy da Mata Fonseca", "LOCATION", "Arapiraca" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Akron Summit Assault", "GROUND", "St. Vincent\u2013St. Mary High School" ], [ "St. Vincent\u2013St. Mary High School", "COUNTRY", "United States" ], [ "Akron, Ohio", "IS_PART_OF", "Summit County, Ohio" ], [ "St. Vincent\u2013St. Mary High School", "CITY", "Akron, Ohio" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Italy", "LEADER", "Pietro Grasso" ], [ "Italy", "CAPITAL", "Rome" ], [ "Italy", "LEADER", "Sergio Mattarella" ], [ "A.S. Gubbio 1910", "GROUND", "Italy" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Peter St\u00f6ger", "CLUB", "SK Vorw\u00e4rts Steyr" ], [ "Peter St\u00f6ger", "CLUB", "FC Admira Wacker M\u00f6dling" ], [ "1. FC K\u00f6ln", "MANAGER", "Peter St\u00f6ger" ], [ "Peter St\u00f6ger", "CLUB", "FK Austria Wien" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Abilene Regional Airport", "CITY_SERVED", "Abilene, Texas" ], [ "Abilene Regional Airport", "RUNWAY_LENGTH", "2194.0" ], [ "Abilene Regional Airport", "ELEVATION", "546" ], [ "Abilene Regional Airport", "RUNWAY_NAME", "\"17L/35R\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Adirondack Regional Airport", "CITY_SERVED", "Lake Placid, New York" ], [ "Adirondack Regional Airport", "RUNWAY_LENGTH", "2003.0" ], [ "Adirondack Regional Airport", "ELEVATION", "507" ], [ "Adirondack Regional Airport", "CITY_SERVED", "Saranac Lake, New York" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Adolfo Su\u00e1rez Madrid\u2013Barajas Airport", "RUNWAY_NAME", "\"18L/36R\"" ], [ "Adolfo Su\u00e1rez Madrid\u2013Barajas Airport", "RUNWAY_LENGTH", "3500.0" ], [ "Adolfo Su\u00e1rez Madrid\u2013Barajas Airport", "LOCATION", "\"Madrid, Paracuellos de Jarama, San Sebasti\u00e1n de los Reyes and Alcobendas\"" ], [ "Adolfo Su\u00e1rez Madrid\u2013Barajas Airport", "OPERATING_ORGANISATION", "ENAIRE" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Agra Airport", "LOCATION", "India" ], [ "Agra Airport", "OPERATING_ORGANISATION", "Indian Air Force" ], [ "Agra Airport", "IATA_LOCATION_IDENTIFIER", "\"AGR\"" ], [ "Agra Airport", "ICAO_LOCATION_IDENTIFIER", "\"VIAG\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Al Asad Airbase", "OPERATING_ORGANISATION", "United States Air Force" ], [ "Al Asad Airbase", "LOCATION", "Iraq" ], [ "Al Asad Airbase", "RUNWAY_LENGTH", "3990.0" ], [ "Al Asad Airbase", "RUNWAY_NAME", "\"08/26\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Al Asad Airbase", "OPERATING_ORGANISATION", "United States Air Force" ], [ "Al Asad Airbase", "RUNWAY_LENGTH", "3990.0" ], [ "Al Asad Airbase", "LOCATION", "\"Al Anbar Province, Iraq\"" ], [ "Al Asad Airbase", "RUNWAY_NAME", "\"09R/27L\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Al Asad Airbase", "OPERATING_ORGANISATION", "United States Air Force" ], [ "United States Air Force", "BATTLES", "Invasion of Grenada" ], [ "United States Air Force", "ATTACK_AIRCRAFT", "Lockheed AC-130" ], [ "United States Air Force", "AIRCRAFT_FIGHTER", "McDonnell Douglas F-15 Eagle" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Allama Iqbal International Airport", "LOCATION", "Pakistan" ], [ "Allama Iqbal International Airport", "RUNWAY_LENGTH", "2900.0" ], [ "Allama Iqbal International Airport", "OPERATING_ORGANISATION", "Pakistan Civil Aviation Authority" ], [ "Allama Iqbal International Airport", "CITY_SERVED", "Lahore" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Amsterdam Airport Schiphol", "CITY_SERVED", "Amsterdam" ], [ "Amsterdam Airport Schiphol", "RUNWAY_NAME", "\"09/27 'Buitenveldertbaan'\"" ], [ "Amsterdam Airport Schiphol", "RUNWAY_LENGTH", "2014.0" ], [ "Amsterdam Airport Schiphol", "ELEVATION", "-3.3528" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Amsterdam Airport Schiphol", "CITY_SERVED", "Amsterdam" ], [ "Amsterdam Airport Schiphol", "RUNWAY_NAME", "\"18L/36R 'Aalsmeerbaan'\"" ], [ "Amsterdam Airport Schiphol", "RUNWAY_LENGTH", "2014.0" ], [ "Amsterdam Airport Schiphol", "ELEVATION", "-3.3528" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Andrews County Airport", "LOCATION", "Texas" ], [ "Andrews County Airport", "RUNWAY_LENGTH", "929.0" ], [ "Andrews County Airport", "CITY_SERVED", "Andrews, Texas" ], [ "Andrews County Airport", "ELEVATION", "973.0" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Andrews County Airport", "LOCATION", "Texas" ], [ "Texas", "CAPITAL", "Austin, Texas" ], [ "Texas", "DEMONYM", "Tejano" ], [ "Texas", "COUNTRY", "United States" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Andrews County Airport", "LOCATION", "Texas" ], [ "Texas", "CAPITAL", "Austin, Texas" ], [ "Texas", "LANGUAGE", "English language" ], [ "Texas", "COUNTRY", "United States" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Angola International Airport", "LOCATION", "\u00cdcolo e Bengo" ], [ "\u00cdcolo e Bengo", "COUNTRY", "Angola" ], [ "Angola International Airport", "CITY_SERVED", "Luanda" ], [ "\u00cdcolo e Bengo", "IS_PART_OF", "Luanda Province" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Antwerp International Airport", "OPERATING_ORGANISATION", "Flemish Government" ], [ "Antwerp International Airport", "OWNER", "Flemish Region" ], [ "Antwerp International Airport", "ELEVATION", "12.0" ], [ "Antwerp International Airport", "RUNWAY_LENGTH", "600.0" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Ashgabat International Airport", "OPERATING_ORGANISATION", "Turkmenistan Airlines" ], [ "Turkmenistan Airlines", "HEADQUARTER", "Turkmenistan" ], [ "Turkmenistan Airlines", "HUB_AIRPORT", "Turkmenbashi International Airport" ], [ "Turkmenistan Airlines", "HEADQUARTER", "Ashgabat" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Athens International Airport", "CITY_SERVED", "Athens" ], [ "Athens International Airport", "LOCATION", "Spata" ], [ "Athens International Airport", "ELEVATION", "94" ], [ "Athens International Airport", "RUNWAY_LENGTH", "3800.0" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Atlantic City International Airport", "CITY_SERVED", "Atlantic City, New Jersey" ], [ "Atlantic City International Airport", "LOCATION", "Egg Harbor Township, New Jersey" ], [ "Egg Harbor Township, New Jersey", "COUNTRY", "United States" ], [ "Atlantic City, New Jersey", "LEADER_NAME", "Don Guardian" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Atlantic City International Airport", "OWNER", "South Jersey Transportation Authority" ], [ "South Jersey Transportation Authority", "LEADER_NAME", "Stephen Dilts" ], [ "Atlantic City International Airport", "LOCATION", "Egg Harbor Township, New Jersey" ], [ "Egg Harbor Township, New Jersey", "COUNTRY", "United States" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Belgium", "LEADER_NAME", "Charles Michel" ], [ "Antwerp International Airport", "CITY_SERVED", "Antwerp" ], [ "Belgium", "LANGUAGE", "German language" ], [ "Antwerp", "COUNTRY", "Belgium" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Belgium", "LEADER_NAME", "Philippe of Belgium" ], [ "Antwerp International Airport", "CITY_SERVED", "Antwerp" ], [ "Belgium", "LANGUAGE", "French language" ], [ "Antwerp", "COUNTRY", "Belgium" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Harrietstown, New York", "COUNTRY", "United States" ], [ "Saranac Lake, New York", "IS_PART_OF", "Harrietstown, New York" ], [ "Saranac Lake, New York", "IS_PART_OF", "Essex County, New York" ], [ "Adirondack Regional Airport", "CITY_SERVED", "Saranac Lake, New York" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Iraq", "LANGUAGE", "Kurdish languages" ], [ "Iraq", "LEADER_NAME", "Fuad Masum" ], [ "Al-Taqaddum Air Base", "CITY_SERVED", "Fallujah" ], [ "Fallujah", "COUNTRY", "Iraq" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Iraq", "LEADER_NAME", "Haider al-Abadi" ], [ "Iraq", "LANGUAGE", "Kurdish languages" ], [ "Al-Taqaddum Air Base", "CITY_SERVED", "Fallujah" ], [ "Fallujah", "COUNTRY", "Iraq" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Lahore", "COUNTRY", "Pakistan" ], [ "Allama Iqbal International Airport", "LOCATION", "Punjab, Pakistan" ], [ "Allama Iqbal International Airport", "CITY_SERVED", "Lahore" ], [ "Punjab, Pakistan", "LEADER_NAME", "Malik Muhammad Rafique Rajwana" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Poaceae", "DIVISION", "Flowering plant" ], [ "Alderney Airport", "1ST_RUNWAY_SURFACE_TYPE", "Poaceae" ], [ "Poaceae", "ORDER", "Commelinids" ], [ "Poaceae", "CLASS", "Monocotyledon" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "BBC", "KEY_PERSON", "Rona Fairhead" ], [ "Bananaman", "BROADCASTED_BY", "BBC" ], [ "BBC", "PRODUCT", "BBC Radio" ], [ "BBC", "LOCATION_CITY", "Broadcasting House" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Bananaman", "STARRING", "Jill Shilling" ], [ "Bananaman", "CREATOR", "Steve Bright" ], [ "Bananaman", "FIRST_AIRED", "\"1983-10-03\"" ], [ "Bananaman", "BROADCASTED_BY", "\"STV\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Big Hero 6 (film)", "STARRING", "Ryan Potter" ], [ "Duncan Rouleau", "NATIONALITY", "Americans" ], [ "Baymax", "CREATOR", "Duncan Rouleau" ], [ "Baymax", "SERIES", "Big Hero 6 (film)" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Bolt (comicsCharacter)", "CREATOR", "Gary Cohn (comics)" ], [ "Ernie Col\u00f3n", "NATIONALITY", "Puerto Ricans" ], [ "Bolt (comicsCharacter)", "CREATOR", "Ernie Col\u00f3n" ], [ "Bolt (comicsCharacter)", "ALTERNATIVE_NAME", "\"Larry Bolatinsky\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "1634: The Bavarian Crisis", "AUTHOR", "Eric Flint" ], [ "Eric Flint", "BIRTH_PLACE", "Burbank, California" ], [ "1634: The Bavarian Crisis", "PRECEDED_BY", "Grantville Gazette III" ], [ "1634: The Bavarian Crisis", "PRECEDED_BY", "\"DeMarce short stories in the The Grantville Gazettes\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "1634: The Ram Rebellion", "MEDIA_TYPE", "E-book" ], [ "1634: The Ram Rebellion", "NUMBER_OF_PAGES", "\"512\"" ], [ "1634: The Ram Rebellion", "AUTHOR", "\"Eric Flint, Virginia DeMarce, et al.\"" ], [ "1634: The Ram Rebellion", "ISBN_NUMBER", "\"1-4165-2060-0\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "AIDS (journal)", "COUNTRY", "United Kingdom" ], [ "AIDS (journal)", "PUBLISHER", "Lippincott Williams &amp; Wilkins" ], [ "Lippincott Williams &amp; Wilkins", "PARENT_COMPANY", "Wolters Kluwer" ], [ "United Kingdom", "LEADER_NAME", "Elizabeth II" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "A Fortress of Grey Ice", "MEDIA_TYPE", "Hardcover" ], [ "A Fortress of Grey Ice", "OCLC_NUMBER", "51969173" ], [ "A Fortress of Grey Ice", "AUTHOR", "J. V. Jones" ], [ "A Fortress of Grey Ice", "ISBN_NUMBER", "\"0-7653-0633-6\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "A Loyal Character Dancer", "AUTHOR", "Qiu Xiaolong" ], [ "A Loyal Character Dancer", "OCLC_NUMBER", "49805501" ], [ "A Loyal Character Dancer", "ISBN_NUMBER", "\"1-56947-301-3\"" ], [ "A Loyal Character Dancer", "MEDIA_TYPE", "Hardcover" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "A Loyal Character Dancer", "LANGUAGE", "English language" ], [ "English language", "SPOKEN_IN", "Great Britain" ], [ "A Loyal Character Dancer", "COUNTRY", "United States" ], [ "United States", "ETHNIC_GROUP", "Native Americans in the United States" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "A Loyal Character Dancer", "PUBLISHER", "Soho Press" ], [ "Soho Press", "COUNTRY", "United States" ], [ "United States", "ETHNIC_GROUP", "Asian Americans" ], [ "United States", "LANGUAGE", "English language" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "A Wizard of Mars", "MEDIA_TYPE", "Hardcover" ], [ "A Wizard of Mars", "NUMBER_OF_PAGES", "\"560\"" ], [ "A Wizard of Mars", "AUTHOR", "Diane Duane" ], [ "A Wizard of Mars", "ISBN_NUMBER", "\"978-0-15-204770-2\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Acta Mathematica Hungarica", "LCCN_NUMBER", "83646315" ], [ "Acta Mathematica Hungarica", "ABBREVIATION", "\"Acta Math. Hungar.\"" ], [ "Acta Mathematica Hungarica", "ACADEMIC_DISCIPLINE", "Mathematics" ], [ "Acta Mathematica Hungarica", "ISSN_NUMBER", "\"0236-5294\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Acta Palaeontologica Polonica", "LCCN_NUMBER", "60040714" ], [ "Acta Palaeontologica Polonica", "ACADEMIC_DISCIPLINE", "Paleobiology" ], [ "Acta Palaeontologica Polonica", "ABBREVIATION", "\"Acta Palaeontol. Pol.\"" ], [ "Acta Palaeontologica Polonica", "ISSN_NUMBER", "\"0567-7920\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Acta Palaeontologica Polonica", "PUBLISHER", "Polish Academy of Sciences" ], [ "Acta Palaeontologica Polonica", "ISSN_NUMBER", "\"1732-2421\"" ], [ "Acta Palaeontologica Polonica", "LCCN_NUMBER", "60040714" ], [ "Acta Palaeontologica Polonica", "ABBREVIATION", "\"Acta Palaeontol. Pol.\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Administrative Science Quarterly", "PUBLISHER", "Cornell University" ], [ "Cornell University", "AFFILIATION", "Association of Public and Land-grant Universities" ], [ "Cornell University", "AFFILIATION", "Association of American Universities" ], [ "Cornell University", "STATE", "New York" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Administrative Science Quarterly", "PUBLISHER", "Cornell University" ], [ "Cornell University", "AFFILIATION", "Association of Public and Land-grant Universities" ], [ "Cornell University", "STATE", "New York" ], [ "Cornell University", "CITY", "Ithaca, New York" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Aenir", "NUMBER_OF_PAGES", "\"233\"" ], [ "Aenir", "AUTHOR", "Garth Nix" ], [ "Aenir", "ISBN_NUMBER", "\"0-439-17684-0\"" ], [ "Aenir", "MEDIA_TYPE", "Paperback" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Alcatraz Versus the Evil Librarians", "LANGUAGE", "English language" ], [ "English language", "SPOKEN_IN", "Great Britain" ], [ "Alcatraz Versus the Evil Librarians", "COUNTRY", "United States" ], [ "United States", "ETHNIC_GROUP", "African Americans" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "American Journal of Mathematics", "PUBLISHER", "Johns Hopkins University Press" ], [ "Johns Hopkins University Press", "COUNTRY", "United States" ], [ "Johns Hopkins University Press", "PARENT_COMPANY", "Johns Hopkins University" ], [ "American Journal of Mathematics", "FIRST_PUBLICATION_YEAR", "1878" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "English language", "SPOKEN_IN", "Great Britain" ], [ "United States", "ETHNIC_GROUP", "Asian Americans" ], [ "United States", "LANGUAGE", "English language" ], [ "Alcatraz Versus the Evil Librarians", "COUNTRY", "United States" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "United States", "LEADER_NAME", "Barack Obama" ], [ "A Wizard of Mars", "LANGUAGE", "English language" ], [ "English language", "SPOKEN_IN", "Great Britain" ], [ "A Wizard of Mars", "COUNTRY", "United States" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "United States", "LEADER_NAME", "Barack Obama" ], [ "A Wizard of Mars", "LANGUAGE", "English language" ], [ "United States", "ETHNIC_GROUP", "Asian Americans" ], [ "A Wizard of Mars", "COUNTRY", "United States" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "United States", "LEADER_NAME", "Barack Obama" ], [ "English language", "SPOKEN_IN", "Great Britain" ], [ "United States", "LANGUAGE", "English language" ], [ "A Wizard of Mars", "COUNTRY", "United States" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "United States", "LEADER_NAME", "Barack Obama" ], [ "United States", "ETHNIC_GROUP", "Asian Americans" ], [ "United States", "LANGUAGE", "English language" ], [ "A Severed Wasp", "COUNTRY", "United States" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Alan Bean", "NATIONALITY", "United States" ], [ "Alan Bean", "BIRTH_PLACE", "Wheeler, Texas" ], [ "Alan Bean", "TIME_IN_SPACE", "\"100305.0\"(minutes)" ], [ "Alan Bean", "WAS_SELECTED_BY_NASA", "1963" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Alan Shepard", "WAS_A_CREW_MEMBER_OF", "Apollo 14" ], [ "Distinguished Service Medal (United States Navy)", "HIGHER", "Department of Commerce Gold Medal" ], [ "Apollo 14", "OPERATOR", "NASA" ], [ "Alan Shepard", "AWARD", "Distinguished Service Medal (United States Navy)" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "British Hong Kong", "REPRESENTATIVE", "Chris Patten" ], [ "William Anders", "WAS_A_CREW_MEMBER_OF", "Apollo 8" ], [ "William Anders", "BIRTH_PLACE", "British Hong Kong" ], [ "Apollo 8", "CREW_MEMBERS", "Frank Borman" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Buzz Aldrin", "BIRTH_PLACE", "Glen Ridge, New Jersey" ], [ "Buzz Aldrin", "WAS_A_CREW_MEMBER_OF", "Apollo 11" ], [ "Buzz Aldrin", "ALMA_MATER", "\"Massachusetts Institute of Technology, Sc.D. 1963\"" ], [ "Buzz Aldrin", "STATUS", "\"Retired\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Buzz Aldrin", "BIRTH_PLACE", "Glen Ridge, New Jersey" ], [ "Buzz Aldrin", "WAS_SELECTED_BY_NASA", "1963" ], [ "Buzz Aldrin", "WAS_A_CREW_MEMBER_OF", "Apollo 11" ], [ "Buzz Aldrin", "OCCUPATION", "Fighter pilot" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Buzz Aldrin", "WAS_A_CREW_MEMBER_OF", "Apollo 11" ], [ "Buzz Aldrin", "BIRTH_NAME", "\"Edwin Eugene Aldrin Jr.\"" ], [ "Buzz Aldrin", "AWARD", "20" ], [ "Apollo 11", "OPERATOR", "NASA" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Distinguished Service Medal (United States Navy)", "HIGHER", "Department of Commerce Gold Medal" ], [ "Alan Shepard", "DEATH_PLACE", "California" ], [ "Alan Shepard", "BIRTH_PLACE", "New Hampshire" ], [ "Alan Shepard", "AWARD", "Distinguished Service Medal (United States Navy)" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Distinguished Service Medal (United States Navy)", "HIGHER", "Department of Commerce Gold Medal" ], [ "Alan Shepard", "DEATH_PLACE", "California" ], [ "California", "SENATORS", "Dianne Feinstein" ], [ "Alan Shepard", "AWARD", "Distinguished Service Medal (United States Navy)" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Elliot See", "ALMA_MATER", "University of Texas at Austin" ], [ "Elliot See", "DEATH_PLACE", "St. Louis" ], [ "Elliot See", "BIRTH_PLACE", "Dallas" ], [ "Elliot See", "NATIONALITY", "United States" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "William Anders", "OCCUPATION", "Fighter pilot" ], [ "William Anders", "WAS_A_CREW_MEMBER_OF", "Apollo 8" ], [ "Apollo 8", "OPERATOR", "NASA" ], [ "William Anders", "WAS_SELECTED_BY_NASA", "1963" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "AWH Engineering College", "COUNTRY", "India" ], [ "AWH Engineering College", "ESTABLISHED", "2001" ], [ "AWH Engineering College", "CITY", "\"Kuttikkattoor\"" ], [ "India", "RIVER", "Ganges" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Acharya Institute of Technology", "AFFILIATION", "Visvesvaraya Technological University" ], [ "Visvesvaraya Technological University", "CITY", "Belgaum" ], [ "Acharya Institute of Technology", "COUNTRY", "\"India\"" ], [ "Acharya Institute of Technology", "CAMPUS", "\"In Soldevanahalli, Acharya Dr. Sarvapalli Radhakrishnan Road, Hessarghatta Main Road, Bangalore \u2013 560090.\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Acharya Institute of Technology", "CITY", "Bangalore" ], [ "Acharya Institute of Technology", "DIRECTED_BY", "\"Dr. G. P. Prabhukumar\"" ], [ "Acharya Institute of Technology", "COUNTRY", "\"India\"" ], [ "Acharya Institute of Technology", "AFFILIATION", "Visvesvaraya Technological University" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Acharya Institute of Technology", "WAS_GIVEN_THE_'TECHNICAL_CAMPUS'_STATUS_BY", "All India Council for Technical Education" ], [ "All India Council for Technical Education", "LOCATION", "Mumbai" ], [ "Acharya Institute of Technology", "SPORTS_OFFERED", "Tennis" ], [ "Tennis", "SPORTS_GOVERNING_BODY", "International Tennis Federation" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Alba Iulia", "IS_PART_OF", "Alba County" ], [ "Romania", "CAPITAL", "Bucharest" ], [ "1 Decembrie 1918 University", "CITY", "Alba Iulia" ], [ "1 Decembrie 1918 University", "COUNTRY", "Romania" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Denmark", "LEADER_NAME", "Lars L\u00f8kke Rasmussen" ], [ "School of Business and Social Sciences at the Aarhus University", "CITY", "Aarhus" ], [ "School of Business and Social Sciences at the Aarhus University", "COUNTRY", "Denmark" ], [ "Aarhus", "GOVERNMENT_TYPE", "Magistrate" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Kerala", "LEADER_NAME", "Kochi" ], [ "AWH Engineering College", "ACADEMIC_STAFF_SIZE", "250" ], [ "AWH Engineering College", "STATE", "Kerala" ], [ "AWH Engineering College", "CITY", "\"Kuttikkattoor\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Romania", "ETHNIC_GROUP", "Germans of Romania" ], [ "Romania", "CAPITAL", "Bucharest" ], [ "1 Decembrie 1918 University", "COUNTRY", "Romania" ], [ "Romania", "ANTHEM", "De\u0219teapt\u0103-te, rom\u00e2ne!" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Romania", "LEADER_NAME", "Klaus Iohannis" ], [ "Alba Iulia", "COUNTRY", "Romania" ], [ "Romania", "CAPITAL", "Bucharest" ], [ "1 Decembrie 1918 University", "CITY", "Alba Iulia" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Amatriciana sauce", "REGION", "Lazio" ], [ "Amatriciana sauce", "COUNTRY", "Italy" ], [ "Amatriciana sauce", "INGREDIENT", "Tomato" ], [ "Amatriciana sauce", "MAIN_INGREDIENTS", "\"Tomatoes, guanciale, cheese, olive oil\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Arrabbiata sauce", "COUNTRY", "Italy" ], [ "Italy", "CAPITAL", "Rome" ], [ "Italy", "LEADER_NAME", "Pietro Grasso" ], [ "Italy", "LEADER_NAME", "Sergio Mattarella" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Arr\u00f2s negre", "COUNTRY", "Spain" ], [ "Arr\u00f2s negre", "MAIN_INGREDIENTS", "\"White rice, cuttlefish or squid, cephalopod ink, cubanelle peppers\"" ], [ "Arr\u00f2s negre", "REGION", "Catalonia" ], [ "Arr\u00f2s negre", "INGREDIENT", "Cuttlefish" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Arr\u00f2s negre", "COUNTRY", "Spain" ], [ "Arr\u00f2s negre", "MAIN_INGREDIENTS", "\"White rice, cuttlefish or squid, cephalopod ink, cubanelle peppers\"" ], [ "Arr\u00f2s negre", "REGION", "Catalonia" ], [ "Arr\u00f2s negre", "INGREDIENT", "White rice" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Arr\u00f2s negre", "COUNTRY", "Spain" ], [ "Spain", "ETHNIC_GROUP", "Spaniards" ], [ "Arr\u00f2s negre", "REGION", "Catalonia" ], [ "Catalonia", "LEADER_NAME", "Parliament of Catalonia" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Asam pedas", "COUNTRY", "Malaysia" ], [ "Malaysia", "ETHNIC_GROUP", "Malaysian Malay" ], [ "Sumatra", "ETHNIC_GROUP", "Batak" ], [ "Asam pedas", "REGION", "Sumatra" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Asam pedas", "COUNTRY", "Malaysia" ], [ "Sumatra", "ETHNIC_GROUP", "Minangkabau people" ], [ "Asam pedas", "REGION", "Sumatra" ], [ "Sumatra", "ETHNIC_GROUP", "Malays (ethnic group)" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Bacon Explosion", "COUNTRY", "United States" ], [ "United States", "LEADER_NAME", "Barack Obama" ], [ "United States", "ETHNIC_GROUP", "Asian Americans" ], [ "United States", "CAPITAL", "Washington, D.C." ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Bacon Explosion", "COUNTRY", "United States" ], [ "United States", "LEADER_NAME", "John Roberts" ], [ "United States", "ETHNIC_GROUP", "Asian Americans" ], [ "United States", "CAPITAL", "Washington, D.C." ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Bacon sandwich", "INGREDIENT", "Ketchup" ], [ "BLT", "DISH_VARIATION", "Club sandwich" ], [ "Bacon sandwich", "DISH_VARIATION", "BLT" ], [ "Bacon sandwich", "COUNTRY", "United Kingdom" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Bacon sandwich", "MAIN_INGREDIENTS", "\"Bread and bacon, with a condiment, often ketchup or brown sauce\"" ], [ "Bacon sandwich", "COUNTRY", "United Kingdom" ], [ "Bacon sandwich", "ALTERNATIVE_NAME", "\"Bacon butty, bacon sarnie, rasher sandwich, bacon sanger, piece 'n bacon, bacon cob, bacon barm, bacon muffin\"" ], [ "Bacon sandwich", "INGREDIENT", "Condiment" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Baked Alaska", "COURSE", "Dessert" ], [ "Dessert", "DISH_VARIATION", "Cookie" ], [ "United States", "ETHNIC_GROUP", "African Americans" ], [ "Baked Alaska", "COUNTRY", "United States" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Baked Alaska", "MAIN_INGREDIENTS", "\"Meringue, ice cream, sponge cake or Christmas pudding\"" ], [ "Baked Alaska", "REGION", "\"Paris, New York or Hong Kong\"" ], [ "Baked Alaska", "COUNTRY", "United States" ], [ "Baked Alaska", "INGREDIENT", "Sponge cake" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Baked Alaska", "REGION", "Hong Kong" ], [ "Baked Alaska", "MAIN_INGREDIENTS", "\"Meringue, ice cream, sponge cake or Christmas pudding\"" ], [ "Baked Alaska", "COUNTRY", "\"France, United States or China\"" ], [ "Baked Alaska", "INGREDIENT", "Meringue" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Baked Alaska", "REGION", "Hong Kong" ], [ "Baked Alaska", "MAIN_INGREDIENTS", "\"Meringue, ice cream, sponge cake or Christmas pudding\"" ], [ "Baked Alaska", "COUNTRY", "United States" ], [ "Baked Alaska", "INGREDIENT", "Ice cream" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Bakewell pudding", "REGION", "Derbyshire Dales" ], [ "Bakewell pudding", "DISH_VARIATION", "Bakewell tart" ], [ "Derbyshire Dales", "IS_PART_OF", "Derbyshire" ], [ "Bakewell tart", "INGREDIENT", "Fruit preserves" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Bakso", "INGREDIENT", "Tapioca" ], [ "Bakso", "COUNTRY", "Indonesia" ], [ "Bakso", "MAIN_INGREDIENTS", "\"Ground beef, tapioca, noodle, rice vermicelli, beef broth, kailan, celery, salted vegetables, fried shallots\"" ], [ "Bakso", "REGION", "\"Nationwide in Indonesia, also popular in neighboring Southeast Asian countries\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Bakso", "REGION", "Indonesia" ], [ "Bakso", "INGREDIENT", "Noodle" ], [ "Bakso", "COUNTRY", "Indonesia" ], [ "Bakso", "MAIN_INGREDIENTS", "\"Ground beef, tapioca, noodle, rice vermicelli, beef broth, kailan, celery, salted vegetables, fried shallots\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Bandeja paisa", "INGREDIENT", "Kidney bean" ], [ "Bandeja paisa", "MAIN_INGREDIENTS", "\"red beans, pork belly, white rice, ground meat, chicharon, fried egg, plantain (patacones), chorizo, arepa, hogao sauce, black pudding (morcilla), avocado and lemon\"" ], [ "Bandeja paisa", "REGION", "Paisa Region" ], [ "Bandeja paisa", "COUNTRY", "Colombian cuisine" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Bandeja paisa", "MAIN_INGREDIENTS", "\"red beans, pork belly, white rice, ground meat, chicharon, fried egg, plantain (patacones), chorizo, arepa, hogao sauce, black pudding (morcilla), avocado and lemon\"" ], [ "Bandeja paisa", "REGION", "Paisa Region" ], [ "Bandeja paisa", "COUNTRY", "Colombian cuisine" ], [ "Bandeja paisa", "INGREDIENT", "Hogao" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Barny Cakes", "COUNTRY", "France" ], [ "France", "LANGUAGE", "French language" ], [ "France", "LEADER_NAME", "G\u00e9rard Larcher" ], [ "France", "LEADER_NAME", "Fran\u00e7ois Hollande" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Batagor", "COUNTRY", "Indonesia" ], [ "Batagor", "DISH_VARIATION", "Siomay" ], [ "Siomay", "DISH_VARIATION", "Shumai" ], [ "Shumai", "INGREDIENT", "Shiitake" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Batchoy", "COUNTRY", "Philippines" ], [ "Batchoy", "MAIN_INGREDIENTS", "\"noodles, pork organs, vegetables, chicken, shrimp, beef\"" ], [ "Batchoy", "INGREDIENT", "Pork" ], [ "Batchoy", "REGION", "La Paz, Iloilo City" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Batchoy", "INGREDIENT", "Chicken" ], [ "Batchoy", "COUNTRY", "Philippines" ], [ "Batchoy", "COURSE", "Soup" ], [ "Batchoy", "MAIN_INGREDIENTS", "\"noodles, pork organs, vegetables, chicken, shrimp, beef\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Beef kway teow", "COUNTRY", "Singapore" ], [ "Beef kway teow", "MAIN_INGREDIENTS", "\"Kway teow, beef tender loin, gula Melaka, sliced, dried black beans, garlic, dark soy sauce, lengkuas, oyster sauce, soya sauce, chilli and sesame oil\"" ], [ "Beef kway teow", "REGION", "\"Nationwide in Singapore and Indonesia\"" ], [ "Beef kway teow", "INGREDIENT", "Sesame oil" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Beef kway teow", "REGION", "Singapore" ], [ "Beef kway teow", "COUNTRY", "\"Singapore and Indonesia\"" ], [ "Singapore", "LANGUAGE", "Standard Chinese" ], [ "Singapore", "LEADER_NAME", "Halimah Yacob" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Beef kway teow", "REGION", "Singapore" ], [ "Beef kway teow", "MAIN_INGREDIENTS", "\"Kway teow, beef tender loin, gula Melaka, sliced, dried black beans, garlic, dark soy sauce, lengkuas, oyster sauce, soya sauce, chilli and sesame oil\"" ], [ "Beef kway teow", "COUNTRY", "Indonesia" ], [ "Beef kway teow", "INGREDIENT", "Sesame oil" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Bhajji", "COUNTRY", "India" ], [ "Bhajji", "REGION", "Karnataka" ], [ "Bhajji", "ALTERNATIVE_NAME", "\"Bhaji, bajji\"" ], [ "Bhajji", "INGREDIENT", "Vegetable" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Bhajji", "REGION", "Karnataka" ], [ "Bhajji", "MAIN_INGREDIENTS", "\"Gram flour, vegetables\"" ], [ "Bhajji", "ALTERNATIVE_NAME", "\"Bhaji, bajji\"" ], [ "Bhajji", "INGREDIENT", "Vegetable" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Binignit", "INGREDIENT", "Sweet potato" ], [ "Sweet potato", "DIVISION", "Flowering plant" ], [ "Binignit", "MAIN_INGREDIENTS", "Sago" ], [ "Sweet potato", "ORDER", "Solanales" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Binignit", "REGION", "Visayas" ], [ "Binignit", "MAIN_INGREDIENTS", "Coconut milk" ], [ "Binignit", "COUNTRY", "Philippines" ], [ "Binignit", "INGREDIENT", "Sago" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Bionico", "COUNTRY", "Mexico" ], [ "Bionico", "COURSE", "Dessert" ], [ "Bionico", "REGION", "Jalisco" ], [ "Bionico", "INGREDIENT", "Granola" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Bionico", "COUNTRY", "Mexico" ], [ "Bionico", "MAIN_INGREDIENTS", "\"Chopped Fruits, Sour Cream, Condensed Milk, Granola, Shredded Coconut, Raisins\"" ], [ "Bionico", "REGION", "Guadalajara" ], [ "Bionico", "INGREDIENT", "Sour cream" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Bionico", "COUNTRY", "Mexico" ], [ "Mexico", "LEADER_NAME", "Silvano Aureoles Conejo" ], [ "Bionico", "COURSE", "Dessert" ], [ "Dessert", "DISH_VARIATION", "Cookie" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Indonesia", "LEADER_NAME", "Jusuf Kalla" ], [ "Bakso", "REGION", "Indonesia" ], [ "Bakso", "INGREDIENT", "Tapioca" ], [ "Bakso", "COUNTRY", "Indonesia" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Java", "ETHNIC_GROUP", "Baduy" ], [ "Ayam penyet", "REGION", "Singapore" ], [ "Singapore", "LEADER_NAME", "Tony Tan" ], [ "Ayam penyet", "COUNTRY", "Java" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Philippines", "ETHNIC_GROUP", "Ilocano people" ], [ "Philippines", "ETHNIC_GROUP", "Zamboangans" ], [ "Philippines", "LANGUAGE", "Philippine Spanish" ], [ "Batchoy", "COUNTRY", "Philippines" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Philippines", "LANGUAGE", "Arabic" ], [ "Philippines", "ETHNIC_GROUP", "Zamboangans" ], [ "Batchoy", "COUNTRY", "Philippines" ], [ "Philippines", "ETHNIC_GROUP", "Igorot people" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Philippines", "LANGUAGE", "Philippine English" ], [ "Binignit", "COURSE", "Dessert" ], [ "Dessert", "DISH_VARIATION", "Cookie" ], [ "Binignit", "COUNTRY", "Philippines" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Philippines", "LANGUAGE", "Philippine English" ], [ "Binignit", "COURSE", "Dessert" ], [ "Dessert", "DISH_VARIATION", "Sandesh (confectionery)" ], [ "Binignit", "COUNTRY", "Philippines" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "1634: The Bavarian Crisis", "FOLLOWED_BY", "Ring of Fire II" ], [ "Ring of Fire II", "LANGUAGE", "English language" ], [ "1634: The Bavarian Crisis", "PRECEDED_BY", "Grantville Gazette II" ], [ "1634: The Bavarian Crisis", "AUTHOR", "\"Virginia DeMarce and Eric Flint\"" ], [ "Grantville Gazette II", "PRECEDED_BY", "The Grantville Gazette" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Administrative Science Quarterly", "PUBLISHER", "Cornell University" ], [ "Cornell University", "AFFILIATION", "Association of Public and Land-grant Universities" ], [ "Cornell University", "AFFILIATION", "Association of American Universities" ], [ "Cornell University", "PRESIDENT", "Elizabeth Garrett" ], [ "Cornell University", "CITY", "Ithaca, New York" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "English language", "SPOKEN_IN", "Great Britain" ], [ "A Loyal Character Dancer", "PUBLISHER", "Soho Press" ], [ "A Loyal Character Dancer", "COUNTRY", "United States" ], [ "United States", "ETHNIC_GROUP", "African Americans" ], [ "United States", "LANGUAGE", "English language" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "English language", "SPOKEN_IN", "Great Britain" ], [ "A Loyal Character Dancer", "PUBLISHER", "Soho Press" ], [ "A Loyal Character Dancer", "COUNTRY", "United States" ], [ "United States", "ETHNIC_GROUP", "Native Americans in the United States" ], [ "United States", "LANGUAGE", "English language" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "English language", "SPOKEN_IN", "Great Britain" ], [ "A Loyal Character Dancer", "PUBLISHER", "Soho Press" ], [ "Soho Press", "COUNTRY", "United States" ], [ "United States", "ETHNIC_GROUP", "Asian Americans" ], [ "United States", "LANGUAGE", "English language" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "English language", "SPOKEN_IN", "Great Britain" ], [ "United States", "LANGUAGE", "English language" ], [ "United States", "CAPITAL", "Washington, D.C." ], [ "A Severed Wasp", "COUNTRY", "United States" ], [ "United States", "ETHNIC_GROUP", "Native Americans in the United States" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Into Battle (novel)", "COUNTRY", "Australians" ], [ "Into Battle (novel)", "FOLLOWED_BY", "The Violet Keystone" ], [ "Above the Veil", "FOLLOWED_BY", "Into Battle (novel)" ], [ "Above the Veil", "PRECEDED_BY", "Aenir" ], [ "Aenir", "PRECEDED_BY", "Castle (novel)" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "United States", "LEADER_NAME", "Barack Obama" ], [ "A Severed Wasp", "LANGUAGE", "English language" ], [ "English language", "SPOKEN_IN", "Great Britain" ], [ "United States", "ETHNIC_GROUP", "Asian Americans" ], [ "A Severed Wasp", "COUNTRY", "United States" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "United States", "LEADER_NAME", "Barack Obama" ], [ "English language", "SPOKEN_IN", "Great Britain" ], [ "United States", "ETHNIC_GROUP", "Asian Americans" ], [ "United States", "LANGUAGE", "English language" ], [ "A Severed Wasp", "COUNTRY", "United States" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "United States", "LEADER_NAME", "Barack Obama" ], [ "United States", "CAPITAL", "Washington, D.C." ], [ "1634: The Ram Rebellion", "COUNTRY", "United States" ], [ "United States", "ETHNIC_GROUP", "Asian Americans" ], [ "1634: The Ram Rebellion", "PRECEDED_BY", "1634: The Galileo Affair" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "United States", "LEADER_NAME", "Barack Obama" ], [ "United States", "DEMONYM", "Americans" ], [ "United States", "CAPITAL", "Washington, D.C." ], [ "1634: The Ram Rebellion", "COUNTRY", "United States" ], [ "United States", "ETHNIC_GROUP", "African Americans" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "United States", "LEADER_TITLE", "President of the United States" ], [ "English language", "SPOKEN_IN", "Great Britain" ], [ "United States", "ETHNIC_GROUP", "Asian Americans" ], [ "United States", "LANGUAGE", "English language" ], [ "A Wizard of Mars", "COUNTRY", "United States" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Albany, Georgia", "IS_PART_OF", "Georgia (U.S. state)" ], [ "United States", "LEADER_TITLE", "President of the United States" ], [ "United States", "DEMONYM", "Americans" ], [ "United States", "ETHNIC_GROUP", "Asian Americans" ], [ "Albany, Georgia", "COUNTRY", "United States" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Alpharetta, Georgia", "COUNTRY", "United States" ], [ "United States", "ETHNIC_GROUP", "Native Americans in the United States" ], [ "Fulton County, Georgia", "LARGEST_CITY", "Atlanta" ], [ "Alpharetta, Georgia", "IS_PART_OF", "Georgia (U.S. state)" ], [ "Alpharetta, Georgia", "IS_PART_OF", "Fulton County, Georgia" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Amarillo, Texas", "IS_PART_OF", "Potter County, Texas" ], [ "Potter County, Texas", "STATE", "Texas" ], [ "Texas", "COUNTRY", "United States" ], [ "United States", "CAPITAL", "Washington, D.C." ], [ "United States", "LANGUAGE", "English language" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Amarillo, Texas", "IS_PART_OF", "Potter County, Texas" ], [ "Texas", "LANGUAGE", "English language" ], [ "Potter County, Texas", "STATE", "Texas" ], [ "Amarillo, Texas", "COUNTRY", "United States" ], [ "Texas", "CAPITAL", "Austin, Texas" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Amarillo, Texas", "IS_PART_OF", "Potter County, Texas" ], [ "Texas", "LANGUAGE", "English language" ], [ "Potter County, Texas", "STATE", "Texas" ], [ "Potter County, Texas", "COUNTRY", "United States" ], [ "Texas", "CAPITAL", "Austin, Texas" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Anderson, Indiana", "IS_PART_OF", "Fall Creek Township, Madison County, Indiana" ], [ "Fall Creek Township, Madison County, Indiana", "COUNTRY", "United States" ], [ "Anderson, Indiana", "IS_PART_OF", "Anderson Township, Madison County, Indiana" ], [ "Anderson, Indiana", "POPULATION_DENSITY", "523.9 (inhabitants per square kilometre)" ], [ "Anderson, Indiana", "AREA_TOTAL", "107.43 (square kilometres)" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Antioch, California", "IS_PART_OF", "Contra Costa County, California" ], [ "Antioch, California", "IS_PART_OF", "California" ], [ "California", "LANGUAGE", "English language" ], [ "Contra Costa County, California", "IS_PART_OF", "San Francisco Bay Area" ], [ "Antioch, California", "LEADER_TITLE", "California's 11th State Assembly district" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Atlanta", "AREA_OF_LAND", "344.9 (square kilometres)" ], [ "Atlanta", "POPULATION_DENSITY", "1299.0 (inhabitants per square kilometre)" ], [ "Atlanta", "AREA_CODE", "404" ], [ "Atlanta", "IS_PART_OF", "DeKalb County, Georgia" ], [ "Atlanta", "AREA_TOTAL", "347.1 (square kilometres)" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Attica, Indiana", "IS_PART_OF", "United States" ], [ "Attica, Indiana", "AREA_TOTAL", "4.14 (square kilometres)" ], [ "Attica, Indiana", "ELEVATION", "166.0" ], [ "Attica, Indiana", "IS_PART_OF", "Logan Township, Fountain County, Indiana" ], [ "Attica, Indiana", "POPULATION_DENSITY", "783.1 (inhabitants per square kilometre)" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Auburn, Alabama", "IS_PART_OF", "Lee County, Alabama" ], [ "Alabama", "COUNTRY", "United States" ], [ "Lee County, Alabama", "STATE", "Alabama" ], [ "United States", "ETHNIC_GROUP", "African Americans" ], [ "United States", "CAPITAL", "Washington, D.C." ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Auburn, Washington", "IS_PART_OF", "Pierce County, Washington" ], [ "Auburn, Washington", "COUNTRY", "United States" ], [ "Auburn, Washington", "IS_PART_OF", "King County, Washington" ], [ "Auburn, Washington", "POPULATION_DENSITY", "914.8 (inhabitants per square kilometre)" ], [ "Auburn, Washington", "AREA_TOTAL", "77.41 (square kilometres)" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Austin, Texas", "IS_PART_OF", "Texas" ], [ "Texas", "LANGUAGE", "English language" ], [ "Austin, Texas", "IS_PART_OF", "Williamson County, Texas" ], [ "Williamson County, Texas", "LARGEST_CITY", "Round Rock, Texas" ], [ "Williamson County, Texas", "COUNTY_SEAT", "Georgetown, Texas" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Austin, Texas", "IS_PART_OF", "Texas" ], [ "Texas", "LARGEST_CITY", "Houston" ], [ "Hays County, Texas", "COUNTY_SEAT", "San Marcos, Texas" ], [ "Austin, Texas", "IS_PART_OF", "Hays County, Texas" ], [ "Texas", "LANGUAGE", "English language" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Austin, Texas", "IS_PART_OF", "Texas" ], [ "Texas", "LARGEST_CITY", "Houston" ], [ "Texas", "LANGUAGE", "Spanish language" ], [ "Hays County, Texas", "COUNTY_SEAT", "San Marcos, Texas" ], [ "Austin, Texas", "IS_PART_OF", "Hays County, Texas" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Indiana", "CAPITAL", "Indianapolis" ], [ "Alexandria, Indiana", "IS_PART_OF", "Indiana" ], [ "Indiana", "COUNTRY", "United States" ], [ "Indiana", "LANGUAGE", "English Americans" ], [ "Alexandria, Indiana", "IS_PART_OF", "Madison County, Indiana" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Tarrant County, Texas", "COUNTY_SEAT", "Fort Worth, Texas" ], [ "Texas", "LANGUAGE", "Spanish language" ], [ "Arlington, Texas", "IS_PART_OF", "Tarrant County, Texas" ], [ "Arlington, Texas", "IS_PART_OF", "Texas" ], [ "Texas", "LARGEST_CITY", "Houston" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Tarrant County, Texas", "LARGEST_CITY", "Fort Worth, Texas" ], [ "Texas", "CAPITAL", "Austin, Texas" ], [ "Arlington, Texas", "IS_PART_OF", "Tarrant County, Texas" ], [ "Arlington, Texas", "IS_PART_OF", "Texas" ], [ "Texas", "COUNTRY", "United States" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "United States", "CAPITAL", "Washington, D.C." ], [ "United States", "ETHNIC_GROUP", "White Americans" ], [ "New Jersey", "COUNTRY", "United States" ], [ "United States", "LARGEST_CITY", "New York City" ], [ "Atlantic City, New Jersey", "IS_PART_OF", "New Jersey" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "United States", "DEMONYM", "Americans" ], [ "United States", "CAPITAL", "Washington, D.C." ], [ "Albany, Oregon", "COUNTRY", "United States" ], [ "United States", "ETHNIC_GROUP", "Native Americans in the United States" ], [ "Albany, Oregon", "IS_PART_OF", "Linn County, Oregon" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "United States", "DEMONYM", "Americans" ], [ "United States", "ETHNIC_GROUP", "Asian Americans" ], [ "United States", "CAPITAL", "Washington, D.C." ], [ "Albany, Oregon", "IS_PART_OF", "Oregon" ], [ "Albany, Oregon", "COUNTRY", "United States" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "United States", "ETHNIC_GROUP", "African Americans" ], [ "United States", "LANGUAGE", "English language" ], [ "Angola, Indiana", "IS_PART_OF", "Steuben County, Indiana" ], [ "United States", "DEMONYM", "Americans" ], [ "Angola, Indiana", "COUNTRY", "United States" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "United States", "ETHNIC_GROUP", "Native Americans in the United States" ], [ "Auburn, Alabama", "IS_PART_OF", "Lee County, Alabama" ], [ "Lee County, Alabama", "COUNTRY", "United States" ], [ "Lee County, Alabama", "STATE", "Alabama" ], [ "United States", "CAPITAL", "Washington, D.C." ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "United States", "ETHNIC_GROUP", "Native Americans in the United States" ], [ "Auburn, Alabama", "IS_PART_OF", "Lee County, Alabama" ], [ "Lee County, Alabama", "COUNTY_SEAT", "Opelika, Alabama" ], [ "Lee County, Alabama", "COUNTRY", "United States" ], [ "Auburn, Alabama", "IS_PART_OF", "Alabama" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "United States", "ETHNIC_GROUP", "Native Americans in the United States" ], [ "New Jersey", "LARGEST_CITY", "Newark, New Jersey" ], [ "New Jersey", "CAPITAL", "Trenton, New Jersey" ], [ "New Jersey", "COUNTRY", "United States" ], [ "Atlantic City, New Jersey", "IS_PART_OF", "New Jersey" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "United States", "LANGUAGE", "English language" ], [ "Albuquerque, New Mexico", "IS_PART_OF", "New Mexico" ], [ "United States", "LEADER_TITLE", "President of the United States" ], [ "United States", "LEADER", "Barack Obama" ], [ "Albuquerque, New Mexico", "COUNTRY", "United States" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "United States", "LANGUAGE", "English language" ], [ "Angola, Indiana", "IS_PART_OF", "Steuben County, Indiana" ], [ "United States", "DEMONYM", "Americans" ], [ "Angola, Indiana", "COUNTRY", "United States" ], [ "United States", "ETHNIC_GROUP", "Asian Americans" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "United States", "LEADER", "Barack Obama" ], [ "United States", "CAPITAL", "Washington, D.C." ], [ "United States", "ETHNIC_GROUP", "Native Americans in the United States" ], [ "Akron, Ohio", "COUNTRY", "United States" ], [ "Akron, Ohio", "IS_PART_OF", "Summit County, Ohio" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "United States", "LEADER_TITLE", "President of the United States" ], [ "United States", "DEMONYM", "Americans" ], [ "Albany, Georgia", "COUNTRY", "United States" ], [ "Albany, Georgia", "IS_PART_OF", "United States" ], [ "United States", "ETHNIC_GROUP", "African Americans" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "11th Mississippi Infantry Monument", "COUNTRY", "\"United States\"" ], [ "11th Mississippi Infantry Monument", "LOCATION", "Seminary Ridge" ], [ "11th Mississippi Infantry Monument", "ESTABLISHED", "2000" ], [ "11th Mississippi Infantry Monument", "CATEGORY", "Contributing property" ], [ "11th Mississippi Infantry Monument", "MUNICIPALITY", "Gettysburg, Pennsylvania" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Adams County, Pennsylvania", "HAS_TO_ITS_SOUTHEAST", "Carroll County, Maryland" ], [ "Adams County, Pennsylvania", "HAS_TO_ITS_NORTH", "Cumberland County, Pennsylvania" ], [ "Adams County, Pennsylvania", "HAS_TO_ITS_SOUTHWEST", "Frederick County, Maryland" ], [ "11th Mississippi Infantry Monument", "CATEGORY", "Contributing property" ], [ "11th Mississippi Infantry Monument", "LOCATION", "Adams County, Pennsylvania" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Azerbaijan", "CAPITAL", "Baku" ], [ "Azerbaijan", "LEADER_TITLE", "Prime Minister of Azerbaijan" ], [ "Baku Turkish Martyrs' Memorial", "DEDICATED_TO", "\"Ottoman Army soldiers killed in the Battle of Baku\"" ], [ "Baku Turkish Martyrs' Memorial", "LOCATION", "Azerbaijan" ], [ "Azerbaijan", "LEADER_NAME", "Artur Rasizade" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Azerbaijan", "CAPITAL", "Baku" ], [ "Baku Turkish Martyrs' Memorial", "DEDICATED_TO", "\"Ottoman Army soldiers killed in the Battle of Baku\"" ], [ "Baku Turkish Martyrs' Memorial", "LOCATION", "Azerbaijan" ], [ "Azerbaijan", "LEADER_NAME", "Artur Rasizade" ], [ "Azerbaijan", "LEGISLATURE", "National Assembly (Azerbaijan)" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Turkey", "LEADER_TITLE", "President of Turkey" ], [ "Turkey", "LEADER", "Ahmet Davuto\u011flu" ], [ "Turkey", "CAPITAL", "Ankara" ], [ "Turkey", "LARGEST_CITY", "Istanbul" ], [ "Atat\u00fcrk Monument (\u0130zmir)", "LOCATION", "Turkey" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "AWH Engineering College", "ESTABLISHED", "2001" ], [ "AWH Engineering College", "ACADEMIC_STAFF_SIZE", "250" ], [ "AWH Engineering College", "STATE", "Kerala" ], [ "Kerala", "HAS_TO_ITS_NORTHWEST", "Mah\u00e9, India" ], [ "AWH Engineering College", "CITY", "\"Kuttikkattoor\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Acharya Institute of Technology", "CITY", "Bangalore" ], [ "Acharya Institute of Technology", "DIRECTED_BY", "\"Dr. G. P. Prabhukumar\"" ], [ "Acharya Institute of Technology", "NUMBER_OF_POSTGRADUATE_STUDENTS", "700" ], [ "Acharya Institute of Technology", "CAMPUS", "\"In Soldevanahalli, Acharya Dr. Sarvapalli Radhakrishnan Road, Hessarghatta Main Road, Bangalore \u2013 560090.\"" ], [ "Acharya Institute of Technology", "AFFILIATION", "Visvesvaraya Technological University" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Acharya Institute of Technology", "PRESIDENT", "\"B.M. Reddy\"" ], [ "Acharya Institute of Technology", "CITY", "Bangalore" ], [ "Acharya Institute of Technology", "COUNTRY", "\"India\"" ], [ "Acharya Institute of Technology", "NUMBER_OF_POSTGRADUATE_STUDENTS", "700" ], [ "Acharya Institute of Technology", "AFFILIATION", "Visvesvaraya Technological University" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "European University Association", "HEADQUARTERS", "Brussels" ], [ "School of Business and Social Sciences at the Aarhus University", "COUNTRY", "Denmark" ], [ "Denmark", "LEADER_TITLE", "Monarchy of Denmark" ], [ "Denmark", "LEADER_NAME", "Lars L\u00f8kke Rasmussen" ], [ "School of Business and Social Sciences at the Aarhus University", "AFFILIATION", "European University Association" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "India", "LARGEST_CITY", "Mumbai" ], [ "AWH Engineering College", "COUNTRY", "India" ], [ "AWH Engineering College", "ESTABLISHED", "2001" ], [ "AWH Engineering College", "ACADEMIC_STAFF_SIZE", "250" ], [ "AWH Engineering College", "CITY", "\"Kuttikkattoor\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "India", "LARGEST_CITY", "Mumbai" ], [ "AWH Engineering College", "COUNTRY", "India" ], [ "Kerala", "LEADER_NAME", "Kochi" ], [ "AWH Engineering College", "STATE", "Kerala" ], [ "India", "RIVER", "Ganges" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "School of Business and Social Sciences at the Aarhus University", "ACADEMIC_STAFF_SIZE", "737" ], [ "Denmark", "LEADER_NAME", "Lars L\u00f8kke Rasmussen" ], [ "School of Business and Social Sciences at the Aarhus University", "CITY", "Aarhus" ], [ "School of Business and Social Sciences at the Aarhus University", "COUNTRY", "Denmark" ], [ "School of Business and Social Sciences at the Aarhus University", "ESTABLISHED", "1928" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "School of Business and Social Sciences at the Aarhus University", "CITY", "Aarhus" ], [ "European University Association", "HEADQUARTERS", "Brussels" ], [ "Aarhus", "HAS_TO_ITS_NORTHEAST", "Mols" ], [ "School of Business and Social Sciences at the Aarhus University", "AFFILIATION", "European University Association" ], [ "Aarhus", "GOVERNMENT_TYPE", "Magistrate" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Duncan Rouleau", "NATIONALITY", "Americans" ], [ "Baymax", "CREATOR", "Duncan Rouleau" ], [ "Big Hero 6 (film)", "STARRING", "Alan Tudyk" ], [ "Baymax", "CREATOR", "Steven T. Seagle" ], [ "Baymax", "SERIES", "Big Hero 6 (film)" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "A.C. Lumezzane", "MANAGER", "Michele Marcolini" ], [ "A.C. Lumezzane", "GROUND", "Italy" ], [ "Italy", "LEADER", "Pietro Grasso" ], [ "Michele Marcolini", "CLUB", "F.C. Bari 1908" ], [ "Michele Marcolini", "CLUB", "Vicenza Calcio" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "A.F.C. Blackpool", "MANAGER", "Stuart Parker (footballer)" ], [ "Stuart Parker (footballer)", "CLUB", "Chesterfield F.C." ], [ "Stuart Parker (footballer)", "CLUB", "Stockport County F.C." ], [ "A.F.C. Blackpool", "GROUND", "Blackpool" ], [ "Blackpool", "LEADER", "Labour Party (UK)" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "A.S. Gubbio 1910", "LEAGUE", "Serie D" ], [ "Italy", "LEADER", "Sergio Mattarella" ], [ "A.S. Gubbio 1910", "GROUND", "Italy" ], [ "Italy", "LANGUAGE", "Italian language" ], [ "Serie D", "CHAMPIONS", "S.S. Robur Siena" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "AEK Athens F.C.", "MANAGER", "Gus Poyet" ], [ "Gus Poyet", "CLUB", "Real Zaragoza" ], [ "Olympic Stadium (Athens)", "LOCATION", "Marousi" ], [ "AEK Athens F.C.", "GROUND", "Olympic Stadium (Athens)" ], [ "Gus Poyet", "CLUB", "Chelsea F.C." ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Italy", "LEADER", "Pietro Grasso" ], [ "Italy", "DEMONYM", "Italians" ], [ "Italy", "CAPITAL", "Rome" ], [ "A.S. Gubbio 1910", "GROUND", "Italy" ], [ "Italy", "LANGUAGE", "Italian language" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Italy", "OFFICIAL_LANGUAGE", "Italian language" ], [ "Italy", "DEMONYM", "Italians" ], [ "Italy", "CAPITAL", "Rome" ], [ "Italy", "LEADER", "Sergio Mattarella" ], [ "A.S. Gubbio 1910", "GROUND", "Italy" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Arem-arem", "COUNTRY", "Indonesia" ], [ "Indonesia", "LEADER_NAME", "Jusuf Kalla" ], [ "Arem-arem", "REGION", "\"Nationwide in Indonesia, but more specific to Java\"" ], [ "Indonesia", "CURRENCY", "Indonesian rupiah" ], [ "Indonesia", "LANGUAGE", "Indonesian language" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Asam pedas", "COUNTRY", "Malaysia" ], [ "Malaysia", "ETHNIC_GROUP", "Malaysian Chinese" ], [ "Malaysia", "ETHNIC_GROUP", "Malaysian Malay" ], [ "Malaysia", "CAPITAL", "Kuala Lumpur" ], [ "Asam pedas", "REGION", "\"Sumatra and Malay Peninsula\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Asam pedas", "COUNTRY", "Malaysia" ], [ "Malaysia", "ETHNIC_GROUP", "Malaysian Malay" ], [ "Malaysia", "CAPITAL", "Kuala Lumpur" ], [ "Malaysia", "ETHNIC_GROUP", "Malaysian Indian" ], [ "Asam pedas", "REGION", "\"Sumatra and Malay Peninsula\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Asam pedas", "COUNTRY", "Malaysia" ], [ "Malaysia", "ETHNIC_GROUP", "Malaysian Malay" ], [ "Malaysia", "CAPITAL", "Kuala Lumpur" ], [ "Malaysia", "ETHNIC_GROUP", "Malaysian Indian" ], [ "Asam pedas", "REGION", "Sumatra" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Asam pedas", "COUNTRY", "Malaysia" ], [ "Malaysia", "ETHNIC_GROUP", "Malaysian Malay" ], [ "Malaysia", "LEADER_NAME", "Abu Zahar Ujang" ], [ "Malaysia", "ETHNIC_GROUP", "Malaysian Indian" ], [ "Asam pedas", "REGION", "Malay Peninsula" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Bacon Explosion", "COUNTRY", "United States" ], [ "Bacon Explosion", "MAIN_INGREDIENTS", "\"Bacon,sausage\"" ], [ "Bacon Explosion", "INGREDIENT", "Bacon" ], [ "Bacon Explosion", "REGION", "Kansas City metropolitan area" ], [ "Bacon Explosion", "MAIN_INGREDIENTS", "Sausage" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Bacon Explosion", "COUNTRY", "United States" ], [ "United States", "ETHNIC_GROUP", "White Americans" ], [ "United States", "LEADER_NAME", "Paul Ryan" ], [ "United States", "CAPITAL", "Washington, D.C." ], [ "United States", "LANGUAGE", "English language" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Bacon sandwich", "DISH_VARIATION", "BLT" ], [ "Bacon sandwich", "MAIN_INGREDIENTS", "\"Bread and bacon, with a condiment, often ketchup or brown sauce\"" ], [ "Bacon sandwich", "COUNTRY", "United Kingdom" ], [ "Bacon sandwich", "INGREDIENT", "Ketchup" ], [ "Bacon sandwich", "ALTERNATIVE_NAME", "\"Bacon butty, bacon sarnie, rasher sandwich, bacon sanger, piece 'n bacon, bacon cob, bacon barm, bacon muffin\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Baked Alaska", "COUNTRY", "France" ], [ "France", "LEADER_NAME", "Manuel Valls" ], [ "France", "LEADER_NAME", "G\u00e9rard Larcher" ], [ "France", "LANGUAGE", "French language" ], [ "Baked Alaska", "REGION", "Hong Kong" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Bandeja paisa", "INGREDIENT", "Lemon" ], [ "Antioquia Department", "COUNTRY", "Colombia" ], [ "Lemon", "ORDER", "Rosids" ], [ "Lemon", "FAMILY", "Rutaceae" ], [ "Bandeja paisa", "REGION", "Antioquia Department" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Barny Cakes", "COUNTRY", "France" ], [ "France", "LEADER_NAME", "G\u00e9rard Larcher" ], [ "France", "LANGUAGE", "French language" ], [ "France", "LEADER_NAME", "Fran\u00e7ois Hollande" ], [ "Barny Cakes", "INGREDIENT", "Sponge cake" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Batagor", "COUNTRY", "Indonesia" ], [ "Indonesia", "LEADER_NAME", "Joko Widodo" ], [ "Batagor", "DISH_VARIATION", "Siomay" ], [ "Siomay", "INGREDIENT", "Peanut sauce" ], [ "Batagor", "DISH_VARIATION", "Shumai" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Batagor", "COUNTRY", "Indonesia" ], [ "Indonesia", "LEADER_NAME", "Joko Widodo" ], [ "Shumai", "INGREDIENT", "Shiitake" ], [ "Batagor", "DISH_VARIATION", "Siomay" ], [ "Siomay", "DISH_VARIATION", "Shumai" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Batagor", "COUNTRY", "Indonesia" ], [ "Indonesia", "LEADER_NAME", "Jusuf Kalla" ], [ "Shumai", "INGREDIENT", "Shiitake" ], [ "Batagor", "DISH_VARIATION", "Shumai" ], [ "Batagor", "DISH_VARIATION", "Siomay" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Bhajji", "COUNTRY", "India" ], [ "Bhajji", "REGION", "Karnataka" ], [ "Bhajji", "MAIN_INGREDIENTS", "\"Gram flour, vegetables\"" ], [ "Bhajji", "ALTERNATIVE_NAME", "\"Bhaji, bajji\"" ], [ "Bhajji", "INGREDIENT", "Gram flour" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Bhajji", "COUNTRY", "India" ], [ "India", "DEMONYM", "Indian people" ], [ "India", "LEADER_NAME", "T. S. Thakur" ], [ "Bhajji", "REGION", "Karnataka" ], [ "Karnataka", "LEADER_NAME", "Vajubhai Vala" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Bhajji", "COUNTRY", "India" ], [ "India", "DEMONYM", "Indian people" ], [ "India", "LEADER_NAME", "T. S. Thakur" ], [ "India", "LEADER_NAME", "Sumitra Mahajan" ], [ "Bhajji", "REGION", "Karnataka" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Bionico", "COUNTRY", "Mexico" ], [ "Bionico", "COURSE", "Dessert" ], [ "Bionico", "MAIN_INGREDIENTS", "\"Chopped Fruits, Sour Cream, Condensed Milk, Granola, Shredded Coconut, Raisins\"" ], [ "Bionico", "REGION", "Guadalajara" ], [ "Bionico", "INGREDIENT", "Sour cream" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Bionico", "COUNTRY", "Mexico" ], [ "Mexico", "LANGUAGE", "Spanish language" ], [ "Mexico", "LEADER_NAME", "Enrique Pe\u00f1a Nieto" ], [ "Bionico", "DISH_VARIATION", "Honey" ], [ "Bionico", "COURSE", "Dessert" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Bionico", "COUNTRY", "Mexico" ], [ "Mexico", "LEADER_NAME", "Silvano Aureoles Conejo" ], [ "Bionico", "REGION", "Jalisco" ], [ "Bionico", "DISH_VARIATION", "Honey" ], [ "Bionico", "COURSE", "Dessert" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Catalonia", "LEADER_NAME", "Carles Puigdemont" ], [ "Arr\u00f2s negre", "COUNTRY", "Spain" ], [ "Spain", "ETHNIC_GROUP", "Spaniards" ], [ "Spain", "LEADER_NAME", "Felipe VI of Spain" ], [ "Arr\u00f2s negre", "REGION", "Catalonia" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Italy", "CAPITAL", "Rome" ], [ "Italy", "LEADER_NAME", "Matteo Renzi" ], [ "Amatriciana sauce", "COUNTRY", "Italy" ], [ "Italy", "LEADER_NAME", "Laura Boldrini" ], [ "Italy", "LANGUAGE", "Italian language" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Italy", "DEMONYM", "Italians" ], [ "Italy", "CAPITAL", "Rome" ], [ "Amatriciana sauce", "COUNTRY", "Italy" ], [ "Italy", "LEADER_NAME", "Sergio Mattarella" ], [ "Italy", "LEADER_NAME", "Laura Boldrini" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Italy", "LEADER_NAME", "Pietro Grasso" ], [ "Italy", "CAPITAL", "Rome" ], [ "Italy", "LEADER_NAME", "Matteo Renzi" ], [ "Amatriciana sauce", "COUNTRY", "Italy" ], [ "Italy", "LANGUAGE", "Italian language" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Java", "ETHNIC_GROUP", "Javanese people" ], [ "Ayam penyet", "INGREDIENT", "Fried chicken" ], [ "Fried chicken", "MAIN_INGREDIENTS", "Chicken" ], [ "Ayam penyet", "REGION", "\"Nationwide, also can be found in Malaysia and Singapore\"" ], [ "Ayam penyet", "COUNTRY", "Java" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Java", "ETHNIC_GROUP", "Javanese people" ], [ "Singapore", "LANGUAGE", "English language" ], [ "Ayam penyet", "REGION", "Singapore" ], [ "Singapore", "LEADER_NAME", "Tony Tan" ], [ "Ayam penyet", "COUNTRY", "Java" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Philippines", "LANGUAGE", "Arabic" ], [ "Philippines", "ETHNIC_GROUP", "Zamboangans" ], [ "Philippines", "LANGUAGE", "Philippine Spanish" ], [ "Batchoy", "COUNTRY", "Philippines" ], [ "Philippines", "ETHNIC_GROUP", "Chinese Filipino" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Spain", "LANGUAGE", "Spanish language" ], [ "Ajoblanco", "REGION", "Andalusia" ], [ "Andalusia", "LEADER_NAME", "Susana D\u00edaz" ], [ "Ajoblanco", "COUNTRY", "Spain" ], [ "Spain", "ETHNIC_GROUP", "Spaniards" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Spain", "LEADER_NAME", "Felipe VI of Spain" ], [ "Ajoblanco", "REGION", "Andalusia" ], [ "Andalusia", "LEADER_NAME", "Susana D\u00edaz" ], [ "Ajoblanco", "COUNTRY", "Spain" ], [ "Spain", "DEMONYM", "Spaniards" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Alan Bean", "NATIONALITY", "United States" ], [ "Alan Bean", "OCCUPATION", "Test pilot" ], [ "Alan Bean", "BIRTH_PLACE", "Wheeler, Texas" ], [ "Alan Bean", "WAS_SELECTED_BY_NASA", "1963" ], [ "Alan Bean", "STATUS", "\"Retired\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Alan Shepard", "WAS_A_CREW_MEMBER_OF", "Apollo 14" ], [ "Distinguished Service Medal (United States Navy)", "HIGHER", "Department of Commerce Gold Medal" ], [ "Alan Shepard", "BIRTH_PLACE", "New Hampshire" ], [ "Apollo 14", "OPERATOR", "NASA" ], [ "Alan Shepard", "AWARD", "Distinguished Service Medal (United States Navy)" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Apollo 8", "COMMANDER", "Frank Borman" ], [ "William Anders", "WAS_A_CREW_MEMBER_OF", "Apollo 8" ], [ "William Anders", "NATIONALITY", "United States" ], [ "William Anders", "BIRTH_PLACE", "British Hong Kong" ], [ "Apollo 8", "OPERATOR", "NASA" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Buzz Aldrin", "BIRTH_PLACE", "Glen Ridge, New Jersey" ], [ "Buzz Aldrin", "NATIONALITY", "United States" ], [ "Buzz Aldrin", "WAS_A_CREW_MEMBER_OF", "Apollo 11" ], [ "Buzz Aldrin", "OCCUPATION", "Fighter pilot" ], [ "Buzz Aldrin", "DATE_OF_BIRTH", "\"1930-01-20\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Buzz Aldrin", "BIRTH_PLACE", "Glen Ridge, New Jersey" ], [ "Buzz Aldrin", "WAS_A_CREW_MEMBER_OF", "Apollo 11" ], [ "Buzz Aldrin", "NATIONALITY", "United States" ], [ "Buzz Aldrin", "OCCUPATION", "Fighter pilot" ], [ "Apollo 11", "OPERATOR", "NASA" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Buzz Aldrin", "BIRTH_PLACE", "Glen Ridge, New Jersey" ], [ "Buzz Aldrin", "WAS_A_CREW_MEMBER_OF", "Apollo 11" ], [ "Buzz Aldrin", "OCCUPATION", "Fighter pilot" ], [ "Buzz Aldrin", "ALMA_MATER", "\"Massachusetts Institute of Technology, Sc.D. 1963\"" ], [ "Buzz Aldrin", "STATUS", "\"Retired\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Buzz Aldrin", "BIRTH_PLACE", "Glen Ridge, New Jersey" ], [ "Buzz Aldrin", "WAS_A_CREW_MEMBER_OF", "Apollo 11" ], [ "Buzz Aldrin", "STATUS", "\"Retired\"" ], [ "Apollo 11", "BACKUP_PILOT", "William Anders" ], [ "Apollo 11", "OPERATOR", "NASA" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Buzz Aldrin", "WAS_A_CREW_MEMBER_OF", "Apollo 11" ], [ "Buzz Aldrin", "STATUS", "\"Retired\"" ], [ "Buzz Aldrin", "DATE_OF_BIRTH", "\"1930-01-20\"" ], [ "Apollo 11", "BACKUP_PILOT", "William Anders" ], [ "Apollo 11", "OPERATOR", "NASA" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "California", "GEMSTONE", "Benitoite" ], [ "Alan Shepard", "WAS_A_CREW_MEMBER_OF", "Apollo 14" ], [ "Alan Shepard", "DEATH_PLACE", "California" ], [ "California", "SENATORS", "Dianne Feinstein" ], [ "Apollo 14", "OPERATOR", "NASA" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Distinguished Service Medal (United States Navy)", "HIGHER", "Department of Commerce Gold Medal" ], [ "Alan Shepard", "NATIONALITY", "United States" ], [ "Alan Shepard", "DEATH_PLACE", "California" ], [ "Alan Shepard", "BIRTH_PLACE", "New Hampshire" ], [ "Alan Shepard", "AWARD", "Distinguished Service Medal (United States Navy)" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "William Anders", "DATE_OF_RETIREMENT", "\"1969-09-01\"" ], [ "William Anders", "NATIONALITY", "United States" ], [ "William Anders", "OCCUPATION", "Fighter pilot" ], [ "William Anders", "BIRTH_PLACE", "British Hong Kong" ], [ "William Anders", "WAS_A_CREW_MEMBER_OF", "Apollo 8" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Aarhus Airport", "LOCATION", "Tirstrup" ], [ "Tirstrup", "COUNTRY", "Denmark" ], [ "Tirstrup", "IS_PART_OF", "Central Denmark Region" ], [ "Denmark", "LEADER_NAME", "Margrethe II of Denmark" ], [ "Denmark", "LANGUAGE", "Faroese language" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Adolfo Su\u00e1rez Madrid\u2013Barajas Airport", "RUNWAY_LENGTH", "4100.0" ], [ "Adolfo Su\u00e1rez Madrid\u2013Barajas Airport", "LOCATION", "\"Madrid, Paracuellos de Jarama, San Sebasti\u00e1n de los Reyes and Alcobendas\"" ], [ "Adolfo Su\u00e1rez Madrid\u2013Barajas Airport", "ELEVATION", "610.0" ], [ "Adolfo Su\u00e1rez Madrid\u2013Barajas Airport", "OPERATING_ORGANISATION", "ENAIRE" ], [ "Adolfo Su\u00e1rez Madrid\u2013Barajas Airport", "RUNWAY_NAME", "\"14L/32R\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Agra Airport", "LOCATION", "India" ], [ "Agra Airport", "RUNWAY_LENGTH", "1818.0" ], [ "Agra Airport", "OPERATING_ORGANISATION", "Indian Air Force" ], [ "Agra Airport", "ELEVATION", "167.94" ], [ "Agra Airport", "ICAO_LOCATION_IDENTIFIER", "\"VIAG\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Al Asad Airbase", "OPERATING_ORGANISATION", "United States Air Force" ], [ "Al Asad Airbase", "LOCATION", "Iraq" ], [ "Al Asad Airbase", "RUNWAY_LENGTH", "3990.0" ], [ "Al Asad Airbase", "ICAO_LOCATION_IDENTIFIER", "\"ORAA\"" ], [ "Al Asad Airbase", "RUNWAY_NAME", "\"08/26\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Al Asad Airbase", "OPERATING_ORGANISATION", "United States Air Force" ], [ "Al Asad Airbase", "RUNWAY_LENGTH", "3992.88" ], [ "Al Asad Airbase", "LOCATION", "\"Al Anbar Province, Iraq\"" ], [ "Al Asad Airbase", "ICAO_LOCATION_IDENTIFIER", "\"ORAA\"" ], [ "Al Asad Airbase", "RUNWAY_NAME", "\"08/26\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Al Asad Airbase", "OPERATING_ORGANISATION", "United States Air Force" ], [ "United States Air Force", "ATTACK_AIRCRAFT", "Lockheed AC-130" ], [ "United States Air Force", "TRANSPORT_AIRCRAFT", "Boeing C-17 Globemaster III" ], [ "United States Air Force", "AIRCRAFT_FIGHTER", "General Dynamics F-16 Fighting Falcon" ], [ "United States Air Force", "BATTLES", "1986 United States bombing of Libya" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Al Asad Airbase", "OPERATING_ORGANISATION", "United States Air Force" ], [ "United States Air Force", "BATTLES", "Invasion of Grenada" ], [ "United States Air Force", "ATTACK_AIRCRAFT", "Lockheed AC-130" ], [ "United States Air Force", "TRANSPORT_AIRCRAFT", "Lockheed C-130 Hercules" ], [ "United States Air Force", "BATTLES", "Operation Enduring Freedom" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Alderney Airport", "1ST_RUNWAY_SURFACE_TYPE", "Poaceae" ], [ "Alderney Airport", "RUNWAY_LENGTH", "733.0" ], [ "Alderney Airport", "CITY_SERVED", "Alderney" ], [ "Alderney Airport", "ELEVATION", "88.0" ], [ "Alderney Airport", "RUNWAY_NAME", "\"08/26\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Allama Iqbal International Airport", "LOCATION", "Pakistan" ], [ "Allama Iqbal International Airport", "RUNWAY_LENGTH", "3310.0" ], [ "Allama Iqbal International Airport", "OPERATING_ORGANISATION", "Pakistan Civil Aviation Authority" ], [ "Allama Iqbal International Airport", "CITY_SERVED", "Lahore" ], [ "Allama Iqbal International Airport", "RUNWAY_NAME", "\"18L/36R\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Allama Iqbal International Airport", "LOCATION", "Punjab, Pakistan" ], [ "Allama Iqbal International Airport", "RUNWAY_LENGTH", "2900.0" ], [ "Allama Iqbal International Airport", "OPERATING_ORGANISATION", "Pakistan Civil Aviation Authority" ], [ "Allama Iqbal International Airport", "CITY_SERVED", "Lahore" ], [ "Allama Iqbal International Airport", "RUNWAY_NAME", "\"18R/36L\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Alpena County Regional Airport", "ELEVATION", "210" ], [ "Alpena County Regional Airport", "RUNWAY_LENGTH", "1533.0" ], [ "Alpena County Regional Airport", "LOCATION", "Maple Ridge Township, Alpena County, Michigan" ], [ "Maple Ridge Township, Alpena County, Michigan", "COUNTRY", "United States" ], [ "Alpena County Regional Airport", "CITY_SERVED", "Alpena, Michigan" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Alpena County Regional Airport", "LOCATION", "Maple Ridge Township, Alpena County, Michigan" ], [ "Alpena County Regional Airport", "RUNWAY_LENGTH", "1533.0" ], [ "Alpena County Regional Airport", "CITY_SERVED", "Alpena, Michigan" ], [ "Alpena County Regional Airport", "ELEVATION", "210" ], [ "Alpena County Regional Airport", "RUNWAY_NAME", "\"7/25\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Alpena County Regional Airport", "LOCATION", "Wilson Township, Alpena County, Michigan" ], [ "Alpena County Regional Airport", "RUNWAY_LENGTH", "2744.0" ], [ "Alpena County Regional Airport", "CITY_SERVED", "Alpena, Michigan" ], [ "Alpena County Regional Airport", "ELEVATION", "210" ], [ "Alpena County Regional Airport", "RUNWAY_NAME", "\"1/19\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Alpena County Regional Airport", "LOCATION", "Wilson Township, Alpena County, Michigan" ], [ "Wilson Township, Alpena County, Michigan", "COUNTRY", "United States" ], [ "Alpena County Regional Airport", "ELEVATION", "210" ], [ "Alpena County Regional Airport", "RUNWAY_LENGTH", "1533.0" ], [ "Alpena County Regional Airport", "CITY_SERVED", "Alpena, Michigan" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Angola International Airport", "LOCATION", "\u00cdcolo e Bengo" ], [ "Angola International Airport", "CITY_SERVED", "Luanda" ], [ "Angola International Airport", "ELEVATION", "159" ], [ "Angola International Airport", "RUNWAY_NAME", "\"05L/23R\"" ], [ "Angola International Airport", "RUNWAY_LENGTH", "3800.0" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Athens International Airport", "CITY_SERVED", "Athens" ], [ "Athens", "COUNTRY", "Greece" ], [ "Greece", "LEADER_NAME", "Alexis Tsipras" ], [ "Greece", "LANGUAGE", "Greek language" ], [ "Greece", "LEADER_NAME", "Nikos Voutsis" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Athens International Airport", "CITY_SERVED", "Athens" ], [ "Athens", "COUNTRY", "Greece" ], [ "Greece", "LEADER_NAME", "Alexis Tsipras" ], [ "Greece", "LANGUAGE", "Greek language" ], [ "Greece", "LEADER_NAME", "Prokopis Pavlopoulos" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Atlantic City International Airport", "CITY_SERVED", "Atlantic City, New Jersey" ], [ "Egg Harbor Township, New Jersey", "IS_PART_OF", "New Jersey" ], [ "Atlantic City International Airport", "LOCATION", "Egg Harbor Township, New Jersey" ], [ "Egg Harbor Township, New Jersey", "COUNTRY", "United States" ], [ "Atlantic City, New Jersey", "LEADER_NAME", "Don Guardian" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Belgium", "LEADER_NAME", "Philippe of Belgium" ], [ "Antwerp International Airport", "CITY_SERVED", "Antwerp" ], [ "Belgium", "LEADER_NAME", "Charles Michel" ], [ "Antwerp", "COUNTRY", "Belgium" ], [ "Belgium", "CAPITAL", "City of Brussels" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Egg Harbor Township, New Jersey", "IS_PART_OF", "New Jersey" ], [ "Atlantic City International Airport", "ICAO_LOCATION_IDENTIFIER", "\"KACY\"" ], [ "Atlantic City International Airport", "LOCATION", "Egg Harbor Township, New Jersey" ], [ "Egg Harbor Township, New Jersey", "COUNTRY", "United States" ], [ "Egg Harbor Township, New Jersey", "IS_PART_OF", "Atlantic County, New Jersey" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Harrietstown, New York", "COUNTRY", "United States" ], [ "Saranac Lake, New York", "IS_PART_OF", "Harrietstown, New York" ], [ "Lake Placid, New York", "IS_PART_OF", "New York" ], [ "Adirondack Regional Airport", "CITY_SERVED", "Lake Placid, New York" ], [ "Adirondack Regional Airport", "CITY_SERVED", "Saranac Lake, New York" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Harrietstown, New York", "COUNTRY", "United States" ], [ "Saranac Lake, New York", "IS_PART_OF", "Harrietstown, New York" ], [ "Saranac Lake, New York", "IS_PART_OF", "Essex County, New York" ], [ "Adirondack Regional Airport", "CITY_SERVED", "Lake Placid, New York" ], [ "Adirondack Regional Airport", "CITY_SERVED", "Saranac Lake, New York" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Indian Air Force", "AIRCRAFT_HELICOPTER", "HAL Light Combat Helicopter" ], [ "Agra Airport", "LOCATION", "Uttar Pradesh" ], [ "Uttar Pradesh", "IS_PART_OF", "Awadh" ], [ "Agra Airport", "OPERATING_ORGANISATION", "Indian Air Force" ], [ "Uttar Pradesh", "IS_PART_OF", "Bundelkhand" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Indian Air Force", "AIRCRAFT_HELICOPTER", "HAL Light Combat Helicopter" ], [ "Agra Airport", "LOCATION", "Uttar Pradesh" ], [ "Uttar Pradesh", "LEADER_NAME", "Ram Naik" ], [ "Agra Airport", "OPERATING_ORGANISATION", "Indian Air Force" ], [ "Uttar Pradesh", "IS_PART_OF", "Bundelkhand" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Iraq", "LEADER_NAME", "Haider al-Abadi" ], [ "Iraq", "LEADER_NAME", "Fuad Masum" ], [ "Al-Taqaddum Air Base", "CITY_SERVED", "Fallujah" ], [ "Fallujah", "COUNTRY", "Iraq" ], [ "Iraq", "LANGUAGE", "Arabic" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "200 Public Square", "LOCATION", "Cleveland" ], [ "200 Public Square", "COMPLETION_DATE", "1985" ], [ "Cleveland", "IS_PART_OF", "Cuyahoga County, Ohio" ], [ "Cleveland", "IS_PART_OF", "Ohio" ], [ "Cleveland", "COUNTRY", "United States" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "250 Delaware Avenue", "LOCATION", "Buffalo, New York" ], [ "250 Delaware Avenue", "ARCHITECTURAL_STYLE", "Postmodern architecture" ], [ "250 Delaware Avenue", "BUILDING_START_DATE", "\"January, 2014\"" ], [ "250 Delaware Avenue", "FLOOR_AREA", "30843.8 (square metres)" ], [ "250 Delaware Avenue", "FLOOR_COUNT", "12" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "300 North LaSalle", "LOCATION", "Chicago" ], [ "Chicago", "LEADER_NAME", "Rahm Emanuel" ], [ "Chicago", "COUNTRY", "United States" ], [ "Illinois", "CAPITAL", "Springfield, Illinois" ], [ "Chicago", "IS_PART_OF", "Illinois" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "AC Hotel Bella Sky Copenhagen", "LOCATION", "Denmark" ], [ "Denmark", "LANGUAGE", "Faroese language" ], [ "Denmark", "LEADER_NAME", "Margrethe II of Denmark" ], [ "Marriott International", "FOUNDATION_PLACE", "Washington, D.C." ], [ "AC Hotel Bella Sky Copenhagen", "TENANT", "Marriott International" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "AC Hotel Bella Sky Copenhagen", "LOCATION", "Denmark" ], [ "Marriott International", "FOUNDATION_PLACE", "Washington, D.C." ], [ "AC Hotel Bella Sky Copenhagen", "TENANT", "Marriott International" ], [ "Marriott International", "KEY_PERSON", "Bill Marriott" ], [ "Denmark", "LANGUAGE", "Greenlandic language" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "AC Hotel Bella Sky Copenhagen", "LOCATION", "Denmark" ], [ "Marriott International", "FOUNDATION_PLACE", "Washington, D.C." ], [ "Denmark", "LEADER_NAME", "Lars L\u00f8kke Rasmussen" ], [ "AC Hotel Bella Sky Copenhagen", "TENANT", "Marriott International" ], [ "Denmark", "LANGUAGE", "Greenlandic language" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Adare Manor", "COUNTRY", "Republic of Ireland" ], [ "Adare Manor", "ARCHITECT", "Augustus Pugin" ], [ "Augustus Pugin", "SIGNIFICANT_BUILDING", "Palace of Westminster" ], [ "Augustus Pugin", "BIRTH_PLACE", "Bloomsbury" ], [ "Republic of Ireland", "LEADER_NAME", "Enda Kenny" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Addis Ababa City Hall", "COMPLETION_DATE", "1964" ], [ "Addis Ababa City Hall", "CURRENT_TENANTS", "\"Government of Addis Ababa\"" ], [ "Addis Ababa City Hall", "BUILDING_START_DATE", "1961" ], [ "Addis Ababa City Hall", "FLOOR_AREA", "140000.0 (square metres)" ], [ "Addis Ababa City Hall", "HEIGHT", "\"42 m\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Akita Museum of Art", "COUNTRY", "Japan" ], [ "Akita Museum of Art", "FLOOR_COUNT", "3" ], [ "Akita Museum of Art", "LOCATION", "Akita, Akita" ], [ "Akita Museum of Art", "LOCATION", "Akita Prefecture" ], [ "Akita Museum of Art", "ADDRESS", "\"1-4-2 Nakadori\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Akita Museum of Art", "COUNTRY", "Japan" ], [ "Akita Museum of Art", "LOCATION", "Akita, Akita" ], [ "Akita, Akita", "IS_PART_OF", "Akita Prefecture" ], [ "Japan", "LEADER_NAME", "Tar\u014d As\u014d" ], [ "Japan", "ETHNIC_GROUP", "Chinese people in Japan" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Alan B. Miller Hall", "LOCATION", "Virginia" ], [ "Alan B. Miller Hall", "ARCHITECT", "Robert A. M. Stern" ], [ "Alan B. Miller Hall", "OWNER", "College of William &amp; Mary" ], [ "Mason School of Business", "COUNTRY", "United States" ], [ "Alan B. Miller Hall", "CURRENT_TENANTS", "Mason School of Business" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Amdavad ni Gufa", "LOCATION", "Ahmedabad" ], [ "Ahmedabad", "COUNTRY", "India" ], [ "Amdavad ni Gufa", "LOCATION", "Gujarat" ], [ "India", "LEADER_NAME", "Sumitra Mahajan" ], [ "Gujarat", "LEADER_TITLE", "Gujarat Legislative Assembly" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Ampara Hospital", "COUNTRY", "Sri Lanka" ], [ "Sri Lanka", "LEADER_NAME", "Ranil Wickremesinghe" ], [ "Ampara Hospital", "STATE", "Eastern Province, Sri Lanka" ], [ "Ampara Hospital", "REGION", "Ampara District" ], [ "Eastern Province, Sri Lanka", "LEADER_NAME", "Austin Fernando" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Ampara Hospital", "COUNTRY", "Sri Lanka" ], [ "Sri Lanka", "LEADER_NAME", "Ranil Wickremesinghe" ], [ "Ampara Hospital", "STATE", "Eastern Province, Sri Lanka" ], [ "Eastern Province, Sri Lanka", "GOVERNING_BODY", "Eastern Provincial Council" ], [ "Sri Lanka", "CAPITAL", "Sri Jayawardenepura Kotte" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Asilomar Conference Grounds", "ARCHITECT", "Julia Morgan" ], [ "Julia Morgan", "BIRTH_PLACE", "San Francisco" ], [ "Julia Morgan", "SIGNIFICANT_BUILDING", "Los Angeles Herald-Examiner" ], [ "Julia Morgan", "SIGNIFICANT_PROJECT", "Hearst Castle" ], [ "Julia Morgan", "SIGNIFICANT_BUILDING", "Asilomar State Beach" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Asilomar Conference Grounds", "ARCHITECT", "Julia Morgan" ], [ "Julia Morgan", "BIRTH_PLACE", "San Francisco" ], [ "Julia Morgan", "SIGNIFICANT_BUILDING", "Riverside Art Museum" ], [ "Julia Morgan", "SIGNIFICANT_PROJECT", "Hearst Castle" ], [ "Julia Morgan", "SIGNIFICANT_BUILDING", "Asilomar State Beach" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Asser Levy Public Baths", "LOCATION", "New York City" ], [ "New York City", "COUNTRY", "United States" ], [ "Manhattan", "LEADER_NAME", "Cyrus Vance, Jr." ], [ "New York City", "IS_PART_OF", "Manhattan" ], [ "New York City", "IS_PART_OF", "New Netherland" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Birmingham", "POSTAL_CODE", "B postcode area" ], [ "103 Colmore Row", "ARCHITECT", "John Madin" ], [ "John Madin", "BIRTH_PLACE", "Birmingham" ], [ "Birmingham", "LEADER_NAME", "John Clancy (Labour politician)" ], [ "Birmingham", "GOVERNING_BODY", "Birmingham City Council" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "United States", "CAPITAL", "Washington, D.C." ], [ "United States", "LEADER_TITLE", "President of the United States" ], [ "United States", "LEADER_NAME", "John Roberts" ], [ "250 Delaware Avenue", "LOCATION", "United States" ], [ "United States", "LEADER_NAME", "Barack Obama" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "11th Mississippi Infantry Monument", "COUNTRY", "\"United States\"" ], [ "11th Mississippi Infantry Monument", "LOCATION", "Seminary Ridge" ], [ "11th Mississippi Infantry Monument", "LOCATION", "Adams County, Pennsylvania" ], [ "11th Mississippi Infantry Monument", "STATE", "\"Pennsylvania\"" ], [ "11th Mississippi Infantry Monument", "ESTABLISHED", "2000" ], [ "11th Mississippi Infantry Monument", "CATEGORY", "Contributing property" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Adams County, Pennsylvania", "HAS_TO_ITS_WEST", "Franklin County, Pennsylvania" ], [ "Adams County, Pennsylvania", "HAS_TO_ITS_SOUTHEAST", "Carroll County, Maryland" ], [ "Adams County, Pennsylvania", "HAS_TO_ITS_NORTH", "Cumberland County, Pennsylvania" ], [ "Adams County, Pennsylvania", "HAS_TO_ITS_SOUTHWEST", "Frederick County, Maryland" ], [ "11th Mississippi Infantry Monument", "CATEGORY", "Contributing property" ], [ "11th Mississippi Infantry Monument", "LOCATION", "Adams County, Pennsylvania" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Azerbaijan", "LEADER", "Artur Rasizade" ], [ "Azerbaijan", "CAPITAL", "Baku" ], [ "Baku Turkish Martyrs' Memorial", "MATERIAL", "\"Red granite and white marble\"" ], [ "Baku Turkish Martyrs' Memorial", "DEDICATED_TO", "\"Ottoman Army soldiers killed in the Battle of Baku\"" ], [ "Baku Turkish Martyrs' Memorial", "LOCATION", "Azerbaijan" ], [ "Baku Turkish Martyrs' Memorial", "DESIGNER", "\"H\u00fcseyin B\u00fct\u00fcner and Hilmi G\u00fcner\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Baku Turkish Martyrs' Memorial", "MATERIAL", "\"Red granite and white marble\"" ], [ "Baku Turkish Martyrs' Memorial", "DEDICATED_TO", "\"Ottoman Army soldiers killed in the Battle of Baku\"" ], [ "Baku Turkish Martyrs' Memorial", "LOCATION", "Azerbaijan" ], [ "Baku Turkish Martyrs' Memorial", "NATIVE_NAME", "\"T\u00fcrk \u015eehitleri An\u0131t\u0131\"" ], [ "Azerbaijan", "LEADER_NAME", "Artur Rasizade" ], [ "Baku Turkish Martyrs' Memorial", "DESIGNER", "\"H\u00fcseyin B\u00fct\u00fcner and Hilmi G\u00fcner\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Monocacy National Battlefield", "LOCATION", "Frederick County, Maryland" ], [ "14th New Jersey Volunteer Infantry Monument", "ESTABLISHED", "\"1907-07-11\"" ], [ "14th New Jersey Volunteer Infantry Monument", "COUNTRY", "\"United States\"" ], [ "14th New Jersey Volunteer Infantry Monument", "CATEGORY", "Historic districts in the United States" ], [ "14th New Jersey Volunteer Infantry Monument", "DISTRICT", "Monocacy National Battlefield" ], [ "14th New Jersey Volunteer Infantry Monument", "STATE", "\"Maryland\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Alan Bean", "NATIONALITY", "United States" ], [ "Alan Bean", "OCCUPATION", "Test pilot" ], [ "Alan Bean", "DATE_OF_BIRTH", "\"1932-03-15\"" ], [ "Alan Bean", "BIRTH_PLACE", "Wheeler, Texas" ], [ "Alan Bean", "TIME_IN_SPACE", "\"100305.0\"(minutes)" ], [ "Alan Bean", "STATUS", "\"Retired\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Alan Shepard", "WAS_A_CREW_MEMBER_OF", "Apollo 14" ], [ "Distinguished Service Medal (United States Navy)", "HIGHER", "Department of Commerce Gold Medal" ], [ "Alan Shepard", "DEATH_PLACE", "California" ], [ "Alan Shepard", "BIRTH_PLACE", "New Hampshire" ], [ "Apollo 14", "OPERATOR", "NASA" ], [ "Alan Shepard", "AWARD", "Distinguished Service Medal (United States Navy)" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Apollo 12", "BACKUP_PILOT", "Alfred Worden" ], [ "Alan Bean", "WAS_A_CREW_MEMBER_OF", "Apollo 12" ], [ "Apollo 12", "OPERATOR", "NASA" ], [ "Alan Bean", "DATE_OF_RETIREMENT", "\"June 1981\"" ], [ "Apollo 12", "COMMANDER", "David Scott" ], [ "Alan Bean", "BIRTH_NAME", "\"Alan LaVern Bean\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Buzz Aldrin", "BIRTH_PLACE", "Glen Ridge, New Jersey" ], [ "Buzz Aldrin", "NATIONALITY", "United States" ], [ "Buzz Aldrin", "WAS_SELECTED_BY_NASA", "1963" ], [ "Buzz Aldrin", "WAS_A_CREW_MEMBER_OF", "Apollo 11" ], [ "Buzz Aldrin", "OCCUPATION", "Fighter pilot" ], [ "Buzz Aldrin", "ALMA_MATER", "\"Massachusetts Institute of Technology, Sc.D. 1963\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Buzz Aldrin", "BIRTH_PLACE", "Glen Ridge, New Jersey" ], [ "Buzz Aldrin", "WAS_A_CREW_MEMBER_OF", "Apollo 11" ], [ "Buzz Aldrin", "DATE_OF_BIRTH", "\"1930-01-20\"" ], [ "Buzz Aldrin", "ALMA_MATER", "\"Massachusetts Institute of Technology, Sc.D. 1963\"" ], [ "Apollo 11", "BACKUP_PILOT", "William Anders" ], [ "Apollo 11", "OPERATOR", "NASA" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Buzz Aldrin", "BIRTH_PLACE", "Glen Ridge, New Jersey" ], [ "Buzz Aldrin", "WAS_A_CREW_MEMBER_OF", "Apollo 11" ], [ "Buzz Aldrin", "NATIONALITY", "United States" ], [ "Buzz Aldrin", "OCCUPATION", "Fighter pilot" ], [ "Apollo 11", "BACKUP_PILOT", "William Anders" ], [ "Apollo 11", "OPERATOR", "NASA" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Buzz Aldrin", "BIRTH_PLACE", "Glen Ridge, New Jersey" ], [ "Buzz Aldrin", "WAS_SELECTED_BY_NASA", "1963" ], [ "Buzz Aldrin", "WAS_A_CREW_MEMBER_OF", "Apollo 11" ], [ "Buzz Aldrin", "OCCUPATION", "Fighter pilot" ], [ "Buzz Aldrin", "ALMA_MATER", "\"Massachusetts Institute of Technology, Sc.D. 1963\"" ], [ "Buzz Aldrin", "DATE_OF_BIRTH", "\"1930-01-20\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "California", "GEMSTONE", "Benitoite" ], [ "California", "FOSSIL", "Smilodon" ], [ "Distinguished Service Medal (United States Navy)", "HIGHER", "Department of Commerce Gold Medal" ], [ "Alan Shepard", "DEATH_PLACE", "California" ], [ "California", "SENATORS", "Dianne Feinstein" ], [ "Alan Shepard", "AWARD", "Distinguished Service Medal (United States Navy)" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "William Anders", "DATE_OF_RETIREMENT", "\"1969-09-01\"" ], [ "William Anders", "NATIONALITY", "United States" ], [ "William Anders", "OCCUPATION", "Fighter pilot" ], [ "William Anders", "BIRTH_PLACE", "British Hong Kong" ], [ "William Anders", "WAS_A_CREW_MEMBER_OF", "Apollo 8" ], [ "William Anders", "ALMA_MATER", "\"AFIT, M.S. 1962\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "William Anders", "DATE_OF_RETIREMENT", "\"1969-09-01\"" ], [ "William Anders", "WAS_A_CREW_MEMBER_OF", "Apollo 8" ], [ "William Anders", "BIRTH_PLACE", "British Hong Kong" ], [ "Apollo 8", "BACKUP_PILOT", "Buzz Aldrin" ], [ "Apollo 8", "CREW_MEMBERS", "Frank Borman" ], [ "Apollo 8", "OPERATOR", "NASA" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "William Anders", "WAS_A_CREW_MEMBER_OF", "Apollo 8" ], [ "William Anders", "ALMA_MATER", "\"AFIT, M.S. 1962\"" ], [ "Apollo 8", "BACKUP_PILOT", "Buzz Aldrin" ], [ "Apollo 8", "CREW_MEMBERS", "Frank Borman" ], [ "Apollo 8", "OPERATOR", "NASA" ], [ "William Anders", "STATUS", "\"Retired\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Accademia di Architettura di Mendrisio", "COUNTRY", "Switzerland" ], [ "Accademia di Architettura di Mendrisio", "DEAN", "Mario Botta" ], [ "Accademia di Architettura di Mendrisio", "CITY", "Mendrisio" ], [ "Accademia di Architettura di Mendrisio", "ESTABLISHED", "1996" ], [ "Accademia di Architettura di Mendrisio", "ACADEMIC_STAFF_SIZE", "100" ], [ "Accademia di Architettura di Mendrisio", "LOCATION", "Ticino" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Acharya Institute of Technology", "CITY", "Bangalore" ], [ "Acharya Institute of Technology", "STATE", "Karnataka" ], [ "Acharya Institute of Technology", "COUNTRY", "\"India\"" ], [ "Acharya Institute of Technology", "NUMBER_OF_POSTGRADUATE_STUDENTS", "700" ], [ "Acharya Institute of Technology", "CAMPUS", "\"In Soldevanahalli, Acharya Dr. Sarvapalli Radhakrishnan Road, Hessarghatta Main Road, Bangalore \u2013 560090.\"" ], [ "Acharya Institute of Technology", "AFFILIATION", "Visvesvaraya Technological University" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Acharya Institute of Technology", "PRESIDENT", "\"B.M. Reddy\"" ], [ "Acharya Institute of Technology", "CITY", "Bangalore" ], [ "Acharya Institute of Technology", "ESTABLISHED", "2000" ], [ "Acharya Institute of Technology", "COUNTRY", "\"India\"" ], [ "Acharya Institute of Technology", "CAMPUS", "\"In Soldevanahalli, Acharya Dr. Sarvapalli Radhakrishnan Road, Hessarghatta Main Road, Bangalore \u2013 560090.\"" ], [ "Acharya Institute of Technology", "AFFILIATION", "Visvesvaraya Technological University" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Denmark", "LEADER_NAME", "Lars L\u00f8kke Rasmussen" ], [ "European University Association", "HEADQUARTERS", "Brussels" ], [ "School of Business and Social Sciences at the Aarhus University", "COUNTRY", "Denmark" ], [ "Denmark", "LEADER_TITLE", "Monarchy of Denmark" ], [ "School of Business and Social Sciences at the Aarhus University", "AFFILIATION", "European University Association" ], [ "Denmark", "RELIGION", "Church of Denmark" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Denmark", "LEADER_NAME", "Lars L\u00f8kke Rasmussen" ], [ "School of Business and Social Sciences at the Aarhus University", "DEAN", "\"Thomas Pallesen\"" ], [ "School of Business and Social Sciences at the Aarhus University", "CITY", "Aarhus" ], [ "European University Association", "HEADQUARTERS", "Brussels" ], [ "School of Business and Social Sciences at the Aarhus University", "COUNTRY", "Denmark" ], [ "School of Business and Social Sciences at the Aarhus University", "AFFILIATION", "European University Association" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "India", "LARGEST_CITY", "Mumbai" ], [ "AWH Engineering College", "COUNTRY", "India" ], [ "AWH Engineering College", "ESTABLISHED", "2001" ], [ "Kerala", "LEADER_NAME", "Kochi" ], [ "AWH Engineering College", "STATE", "Kerala" ], [ "India", "RIVER", "Ganges" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Romania", "ETHNIC_GROUP", "Germans of Romania" ], [ "Romania", "LEADER_NAME", "Klaus Iohannis" ], [ "Romania", "PATRON_SAINT", "Andrew the Apostle" ], [ "Romania", "CAPITAL", "Bucharest" ], [ "1 Decembrie 1918 University", "COUNTRY", "Romania" ], [ "Romania", "ANTHEM", "De\u0219teapt\u0103-te, rom\u00e2ne!" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "School of Business and Social Sciences at the Aarhus University", "ACADEMIC_STAFF_SIZE", "737" ], [ "Denmark", "LEADER_NAME", "Lars L\u00f8kke Rasmussen" ], [ "School of Business and Social Sciences at the Aarhus University", "CITY", "Aarhus" ], [ "School of Business and Social Sciences at the Aarhus University", "NUMBER_OF_STUDENTS", "16000" ], [ "School of Business and Social Sciences at the Aarhus University", "COUNTRY", "Denmark" ], [ "School of Business and Social Sciences at the Aarhus University", "ESTABLISHED", "1928" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Turkey", "LEADER_NAME", "Ahmet Davuto\u011flu" ], [ "Turkey", "CAPITAL", "Ankara" ], [ "Turkey", "LARGEST_CITY", "Istanbul" ], [ "Atat\u00fcrk Monument (\u0130zmir)", "MATERIAL", "\"Bronze\"" ], [ "Turkey", "CURRENCY", "Turkish lira" ], [ "Atat\u00fcrk Monument (\u0130zmir)", "INAUGURATION_DATE", "\"1932-07-27\"" ], [ "Atat\u00fcrk Monument (\u0130zmir)", "LOCATION", "Turkey" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Turkey", "LEADER_TITLE", "President of Turkey" ], [ "Turkey", "LEADER", "Ahmet Davuto\u011flu" ], [ "Atat\u00fcrk Monument (\u0130zmir)", "DESIGNER", "Pietro Canonica" ], [ "Turkey", "CAPITAL", "Ankara" ], [ "Atat\u00fcrk Monument (\u0130zmir)", "MATERIAL", "\"Bronze\"" ], [ "Atat\u00fcrk Monument (\u0130zmir)", "INAUGURATION_DATE", "\"1932-07-27\"" ], [ "Atat\u00fcrk Monument (\u0130zmir)", "LOCATION", "Turkey" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Turkey", "LEADER_TITLE", "President of Turkey" ], [ "Turkey", "LEADER_NAME", "Ahmet Davuto\u011flu" ], [ "Turkey", "CAPITAL", "Ankara" ], [ "Turkey", "LARGEST_CITY", "Istanbul" ], [ "Turkey", "CURRENCY", "Turkish lira" ], [ "Atat\u00fcrk Monument (\u0130zmir)", "INAUGURATION_DATE", "\"1932-07-27\"" ], [ "Atat\u00fcrk Monument (\u0130zmir)", "LOCATION", "Turkey" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Accademia di Architettura di Mendrisio", "COUNTRY", "Switzerland" ], [ "Accademia di Architettura di Mendrisio", "DEAN", "Mario Botta" ], [ "Accademia di Architettura di Mendrisio", "NUMBER_OF_STUDENTS", "600" ], [ "Accademia di Architettura di Mendrisio", "ESTABLISHED", "1996" ], [ "Accademia di Architettura di Mendrisio", "ACADEMIC_STAFF_SIZE", "100" ], [ "Accademia di Architettura di Mendrisio", "CITY", "Mendrisio" ], [ "Switzerland", "LEADER_TITLE", "Federal Chancellor of Switzerland" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Acharya Institute of Technology", "PRESIDENT", "\"B.M. Reddy\"" ], [ "Acharya Institute of Technology", "CITY", "Bangalore" ], [ "Acharya Institute of Technology", "DIRECTED_BY", "\"Dr. G. P. Prabhukumar\"" ], [ "Acharya Institute of Technology", "ESTABLISHED", "2000" ], [ "Acharya Institute of Technology", "MOTTO", "\"Nurturing Excellence\"" ], [ "Acharya Institute of Technology", "COUNTRY", "\"India\"" ], [ "Acharya Institute of Technology", "STATE", "Karnataka" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Acharya Institute of Technology", "WAS_GIVEN_THE_'TECHNICAL_CAMPUS'_STATUS_BY", "All India Council for Technical Education" ], [ "All India Council for Technical Education", "LOCATION", "Mumbai" ], [ "Karnataka", "HAS_TO_ITS_NORTHEAST", "Telangana" ], [ "Acharya Institute of Technology", "SPORTS_OFFERED", "Tennis" ], [ "Karnataka", "HAS_TO_ITS_WEST", "Arabian Sea" ], [ "Acharya Institute of Technology", "STATE", "Karnataka" ], [ "Tennis", "SPORTS_GOVERNING_BODY", "International Tennis Federation" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Romania", "ETHNIC_GROUP", "Germans of Romania" ], [ "Romania", "LEADER_TITLE", "Prime Minister of Romania" ], [ "Alba Iulia", "COUNTRY", "Romania" ], [ "Romania", "LEADER_NAME", "Klaus Iohannis" ], [ "Romania", "CAPITAL", "Bucharest" ], [ "1 Decembrie 1918 University", "CITY", "Alba Iulia" ], [ "Romania", "ANTHEM", "De\u0219teapt\u0103-te, rom\u00e2ne!" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "School of Business and Social Sciences at the Aarhus University", "ACADEMIC_STAFF_SIZE", "737" ], [ "Denmark", "LEADER_NAME", "Lars L\u00f8kke Rasmussen" ], [ "School of Business and Social Sciences at the Aarhus University", "DEAN", "\"Thomas Pallesen\"" ], [ "School of Business and Social Sciences at the Aarhus University", "CITY", "Aarhus" ], [ "School of Business and Social Sciences at the Aarhus University", "COUNTRY", "Denmark" ], [ "School of Business and Social Sciences at the Aarhus University", "AFFILIATION", "European University Association" ], [ "School of Business and Social Sciences at the Aarhus University", "ESTABLISHED", "1928" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "School of Business and Social Sciences at the Aarhus University", "CITY", "Aarhus" ], [ "European University Association", "HEADQUARTERS", "Brussels" ], [ "School of Business and Social Sciences at the Aarhus University", "COUNTRY", "Denmark" ], [ "Denmark", "LEADER_TITLE", "Monarchy of Denmark" ], [ "Denmark", "LEADER_NAME", "Lars L\u00f8kke Rasmussen" ], [ "School of Business and Social Sciences at the Aarhus University", "AFFILIATION", "European University Association" ], [ "Aarhus", "GOVERNMENT_TYPE", "Magistrate" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "School of Business and Social Sciences at the Aarhus University", "CITY", "Aarhus" ], [ "School of Business and Social Sciences at the Aarhus University", "AFFILIATION", "European University Association" ], [ "School of Business and Social Sciences at the Aarhus University", "DEAN", "\"Thomas Pallesen\"" ], [ "School of Business and Social Sciences at the Aarhus University", "NUMBER_OF_STUDENTS", "16000" ], [ "School of Business and Social Sciences at the Aarhus University", "COUNTRY", "Denmark" ], [ "School of Business and Social Sciences at the Aarhus University", "LATIN_NAME", "\"Universitas Aarhusiensis\"" ], [ "School of Business and Social Sciences at the Aarhus University", "ESTABLISHED", "1928" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Alan Bean", "NATIONALITY", "United States" ], [ "Alan Bean", "OCCUPATION", "Test pilot" ], [ "Alan Bean", "DATE_OF_BIRTH", "\"1932-03-15\"" ], [ "Alan Bean", "ALMA_MATER", "\"UT Austin, B.S. 1955\"" ], [ "Alan Bean", "WAS_A_CREW_MEMBER_OF", "Apollo 12" ], [ "Alan Bean", "BIRTH_PLACE", "Wheeler, Texas" ], [ "Alan Bean", "STATUS", "\"Retired\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Alan Shepard", "STATUS", "\"Deceased\"" ], [ "Alan Shepard", "ALMA_MATER", "\"NWC, M.A. 1957\"" ], [ "Alan Shepard", "DEATH_PLACE", "California" ], [ "Alan Shepard", "OCCUPATION", "Test pilot" ], [ "Alan Shepard", "BIRTH_PLACE", "New Hampshire" ], [ "Alan Shepard", "WAS_SELECTED_BY_NASA", "1959" ], [ "Alan Shepard", "DATE_OF_BIRTH", "\"1923-11-18\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Apollo 12", "BACKUP_PILOT", "Alfred Worden" ], [ "Alan Bean", "WAS_A_CREW_MEMBER_OF", "Apollo 12" ], [ "Alan Bean", "NATIONALITY", "United States" ], [ "Apollo 12", "OPERATOR", "NASA" ], [ "Alan Bean", "OCCUPATION", "Test pilot" ], [ "Apollo 12", "COMMANDER", "David Scott" ], [ "Alan Bean", "BIRTH_PLACE", "Wheeler, Texas" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Buzz Aldrin", "BIRTH_PLACE", "Glen Ridge, New Jersey" ], [ "Buzz Aldrin", "ALTERNATIVE_NAMES", "\"Edwin E. Aldrin, Jr.\"" ], [ "Buzz Aldrin", "WAS_SELECTED_BY_NASA", "1963" ], [ "Buzz Aldrin", "WAS_A_CREW_MEMBER_OF", "Apollo 11" ], [ "Buzz Aldrin", "OCCUPATION", "Fighter pilot" ], [ "Buzz Aldrin", "ALMA_MATER", "\"Massachusetts Institute of Technology, Sc.D. 1963\"" ], [ "Buzz Aldrin", "DATE_OF_BIRTH", "\"1930-01-20\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Buzz Aldrin", "BIRTH_PLACE", "Glen Ridge, New Jersey" ], [ "Buzz Aldrin", "NATIONALITY", "United States" ], [ "Buzz Aldrin", "TIME_IN_SPACE", "\"52.0\"(minutes)" ], [ "Buzz Aldrin", "WAS_A_CREW_MEMBER_OF", "Apollo 11" ], [ "Buzz Aldrin", "OCCUPATION", "Fighter pilot" ], [ "Buzz Aldrin", "ALMA_MATER", "\"Massachusetts Institute of Technology, Sc.D. 1963\"" ], [ "Buzz Aldrin", "DATE_OF_BIRTH", "\"1930-01-20\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Buzz Aldrin", "BIRTH_PLACE", "Glen Ridge, New Jersey" ], [ "Buzz Aldrin", "NATIONALITY", "United States" ], [ "Buzz Aldrin", "WAS_A_CREW_MEMBER_OF", "Apollo 11" ], [ "Buzz Aldrin", "AWARD", "20" ], [ "Buzz Aldrin", "ALMA_MATER", "\"Massachusetts Institute of Technology, Sc.D. 1963\"" ], [ "Buzz Aldrin", "DATE_OF_BIRTH", "\"1930-01-20\"" ], [ "Buzz Aldrin", "STATUS", "\"Retired\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Buzz Aldrin", "BIRTH_PLACE", "Glen Ridge, New Jersey" ], [ "Buzz Aldrin", "WAS_A_CREW_MEMBER_OF", "Apollo 11" ], [ "Buzz Aldrin", "STATUS", "\"Retired\"" ], [ "Buzz Aldrin", "DATE_OF_BIRTH", "\"1930-01-20\"" ], [ "Buzz Aldrin", "NATIONALITY", "United States" ], [ "Buzz Aldrin", "WAS_SELECTED_BY_NASA", "1963" ], [ "Apollo 11", "OPERATOR", "NASA" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Buzz Aldrin", "BIRTH_PLACE", "Glen Ridge, New Jersey" ], [ "Buzz Aldrin", "WAS_A_CREW_MEMBER_OF", "Apollo 11" ], [ "Buzz Aldrin", "STATUS", "\"Retired\"" ], [ "Buzz Aldrin", "NATIONALITY", "United States" ], [ "Buzz Aldrin", "ALMA_MATER", "\"Massachusetts Institute of Technology, Sc.D. 1963\"" ], [ "Apollo 11", "BACKUP_PILOT", "William Anders" ], [ "Apollo 11", "OPERATOR", "NASA" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "William Anders", "DATE_OF_RETIREMENT", "\"1969-09-01\"" ], [ "William Anders", "NATIONALITY", "United States" ], [ "William Anders", "STATUS", "\"Retired\"" ], [ "William Anders", "DATE_OF_BIRTH", "\"1933-10-17\"" ], [ "William Anders", "OCCUPATION", "Fighter pilot" ], [ "William Anders", "BIRTH_PLACE", "British Hong Kong" ], [ "William Anders", "WAS_A_CREW_MEMBER_OF", "Apollo 8" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "William Anders", "DATE_OF_RETIREMENT", "\"1969-09-01\"" ], [ "William Anders", "WAS_A_CREW_MEMBER_OF", "Apollo 8" ], [ "William Anders", "NATIONALITY", "United States" ], [ "William Anders", "BIRTH_PLACE", "British Hong Kong" ], [ "Apollo 8", "BACKUP_PILOT", "Buzz Aldrin" ], [ "Apollo 8", "CREW_MEMBERS", "Frank Borman" ], [ "Apollo 8", "OPERATOR", "NASA" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "William Anders", "DATE_OF_RETIREMENT", "\"1969-09-01\"" ], [ "William Anders", "WAS_SELECTED_BY_NASA", "1963" ], [ "William Anders", "TIME_IN_SPACE", "\"8820.0\"(minutes)" ], [ "William Anders", "DATE_OF_BIRTH", "\"1933-10-17\"" ], [ "William Anders", "OCCUPATION", "Fighter pilot" ], [ "William Anders", "BIRTH_PLACE", "British Hong Kong" ], [ "William Anders", "WAS_A_CREW_MEMBER_OF", "Apollo 8" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Aaron S. Daggett", "AWARD", "Purple Heart" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Aaron S. Daggett", "BATTLES", "Battle of Mine Run" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Ab Klink", "BIRTH_PLACE", "\"Stellendam, Netherlands\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Abdul Rahman Ya'kub", "IN_OFFICE_WHILE_VICE_PRESIDENT", "Tuanku Bujang Tuanku Othman" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Abdul Taib Mahmud", "PARTY", "\"Parti Bumiputera Sarawak\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Abdul Taib Mahmud", "SUCCESSOR", "Sulaiman Abdul Rahman Taib" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Abdulsalami Abubakar", "ACTIVE_YEARS_END_DATE", "1999-05-29" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Abdulsalami Abubakar", "BIRTH_PLACE", "Minna" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Abdulsalami Abubakar", "BIRTH_PLACE", "Niger State" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Abner W. Sibal", "ACTIVE_YEARS_END_DATE", "1965-01-03" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Abner W. Sibal", "DEATH_PLACE", "Alexandria, Virginia" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Adam Holloway", "BIRTH_PLACE", "Kent" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Adam Holloway", "RESIDENCE", "Gravesend" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Adenan Satem", "ALMA_MATER", "University of Adelaide" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Adolf Sch\u00e4rf", "BIRTH_PLACE", "Mikulov" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Adonis Georgiadis", "IN_OFFICE_WHILE_PRIME_MINISTER", "Antonis Samaras" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Adonis Georgiadis", "OFFICE_(WORKED_AT,_WORKED_AS)", "\"Deputy Minister for Development, Competitiveness and Shipping\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Agnes Kant", "BIRTH_PLACE", "Hessisch Oldendorf" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Agnes Ward White", "BIRTH_PLACE", "Marietta, Ohio" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Airey Neave", "ACTIVE_YEARS_START_DATE", "1953-06-30" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Airey Neave", "AWARD", "Military Cross" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Airey Neave", "BIRTH_PLACE", "\"Knightsbridge, London\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Airey Neave", "MILITARY_RANK", "Lieutenant colonel" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Airey Neave", "SERVICE_START_YEAR", "1935" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Albert B. White", "PARTY", "Republican Party (United States)" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Albert B. White", "SPOUSE", "Agnes Ward White" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Albert Jennings Fountain", "MILITARY_BRANCH", "Union Army" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Alberto Teisaire", "NATIONALITY", "Argentina" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Alberto Teisaire", "PROFESSION", "\"Rear Admiral in the Argentine Navy\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Alfons Gorbach", "DEATH_PLACE", "Austria" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Alfred Moore Scales", "ACTIVE_YEARS_START_DATE", "1875-03-04" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Alfred Moore Scales", "BATTLES", "Battle of Chancellorsville" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Alfred N. Phillips", "BIRTH_PLACE", "Darien, Connecticut" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Alfred N. Phillips", "OFFICE_(WORKED_AT,_WORKED_AS)", "Mayor of Stamford, Connecticut" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Allan Shivers", "ACTIVE_YEARS_START_DATE", "1947-01-21" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Allan Shivers", "MILITARY_BRANCH", "United States Army" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Allan Shivers", "SUCCESSOR", "Price Daniel" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Alvah Sabin", "ACTIVE_YEARS_START_DATE", "1853-03-04" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Alvah Sabin", "PARTY", "Whig Party (United States)" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "American Civil War", "COMMANDER", "Robert E. Lee" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Austria", "LANGUAGE", "Austrian German" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Battle of Antietam", "COMMANDER", "Robert E. Lee" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Battle of Cold Harbor", "IS_PART_OF_MILITARY_CONFLICT", "American Civil War" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Buenos Aires", "LEADER_NAME", "Gabriela Michetti" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Gulf War", "COMMANDER", "Colin Powell" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "John F. Kennedy", "PREDECESSOR", "Dwight D. Eisenhower" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Josef Klaus", "ALMA_MATER", "University of Vienna" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Juan Carlos I of Spain", "PREDECESSOR", "Francisco Franco" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Juan Per\u00f3n", "PARTY", "Labour Party (Argentina)" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Netherlands", "LEADER_NAME", "Mark Rutte" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "United States Army", "BATTLES", "Spanish\u2013American War" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "William M. O. Dawson", "BIRTH_PLACE", "Bloomington, Maryland" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "1955 Dodge", "ALTERNATIVE_NAME", "\"Dodge Coronet\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "1955 Dodge", "ENGINE", "230 (cubic inches)" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "A-Rosa Luna", "CHRISTENING_DATE", "2005-04-07" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "AIDA Cruises", "LOCATION", "Rostock" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "AIDAluna", "OPERATOR", "AIDA Cruises" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "AIDAstella", "CHRISTENING_DATE", "2013-03-16" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "AIDAstella", "COMPLETION_DATE", "2013-03-11" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "AIDAstella", "MAIDEN_VOYAGE", "2013-03-17" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "AIDAstella", "OPERATOR", "AIDA Cruises" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "ALV X-1", "LAUNCH_SITE", "Mid-Atlantic Regional Spaceport" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "AMC Matador", "ALTERNATIVE_NAME", "\"American Motors Matador\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "ARA Veinticinco de Mayo (V-2)", "STATUS", "\"Sold to the Netherlands 1 April 1948\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Abarth 1000 GT Coup\u00e9", "ENGINE", "Straight-four engine" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Acura TLX", "ENGINE", "Honda K engine" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Acura TLX", "LAYOUT", "AWD (vehicle)" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Acura TLX", "RELATED_MEAN_OF_TRANSPORTATION", "Honda Accord" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Acura TLX", "TRANSMISSION", "\"9-speed ZF 9HP automatic (V6)\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Alfa Romeo 164", "ASSEMBLY", "Arese" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Alfa Romeo 164", "RELATED_MEAN_OF_TRANSPORTATION", "Lancia Thema" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Alfa Romeo 164", "TRANSMISSION", "\"4-speed automatic (ZF 4HP18QE)\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Alhambra", "BUILDER", "Samuda Brothers" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Alhambra", "SHIP_BEAM", "8.3 m" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Alhambra", "STATUS", "\"Wrecked\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Alhambra", "TOP_SPEED", "18.52" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Alvis Speed 25", "ENGINE", "Straight-six engine" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Alvis Speed 25", "MODEL_START_YEAR", "1937" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "American submarine NR-1", "SHIP_DRAFT", "4.6 m" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Antares (rocket)", "FINAL_FLIGHT", "2014-10-28" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Antares (rocket)", "LAUNCH_SITE", "Mid-Atlantic Regional Spaceport Launch Pad 0" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Argentina", "LEADER_NAME", "Gabriela Michetti" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Ariane 5", "LAUNCH_SITE", "Guiana Space Centre" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Ariane 5", "MAIDEN_FLIGHT", "2005-08-11" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Aston Martin V8", "BODY_STYLE", "Convertible" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Aston Martin V8", "MANUFACTURER", "Aston Martin" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Aston Martin Virage", "MANUFACTURER", "Aston Martin" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Atlas II", "FINAL_FLIGHT", "1998-03-16" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Atlas II", "LAUNCH_SITE", "Vandenberg Air Force Base" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Audi", "FOUNDED_BY", "August Horch" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Audi A1", "ASSEMBLY", "Audi Brussels" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Audi A1", "RELATED_MEAN_OF_TRANSPORTATION", "SEAT Ibiza" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Caterpillar Inc.", "LOCATION", "Peoria, Illinois" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Costa Crociere", "LOCATION", "Genoa" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "DeSoto Custom", "RELATED_MEAN_OF_TRANSPORTATION", "Chrysler Newport" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Fiat Croma", "RELATED_MEAN_OF_TRANSPORTATION", "Alfa Romeo 164" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Germany", "DEMONYM", "Germans" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Germany", "LEADER_NAME", "Norbert Lammert" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Germany", "LEADER_NAME", "Stanislaw Tillich" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Gruppo Bertone", "FOUNDED_BY", "Giovanni Bertone" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Guiana Space Centre", "HEADQUARTER", "Kourou, French Guiana" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Honda K engine", "MANUFACTURER", "Honda" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "United States", "ANTHEM", "The Star-Spangled Banner" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "United States", "ETHNIC_GROUP", "Native Americans in the United States" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "A.C. Milan", "CHAIRMAN", "Silvio Berlusconi" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Aaron Boogaard", "BIRTH_PLACE", "Canada" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Aaron Hunt", "CLUB", "SV Werder Bremen" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Abel Hern\u00e1ndez", "CLUB", "Uruguay Olympic football team" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Abel Hern\u00e1ndez", "CLUB", "Uruguay national football team" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Abner (footballer)", "BIRTH_PLACE", "Brazil" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Adam Maher", "BIRTH_PLACE", "Diemen" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Adam Maher", "BIRTH_PLACE", "Netherlands" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Adam Maher", "CLUB", "Netherlands national under-17 football team" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Adam Maher", "CLUB", "PSV Eindhoven" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Ahmad Kadhim Assad", "CLUB", "Iraq national football team" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Akeem Adams", "BIRTH_PLACE", "Point Fortin" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Akeem Dent", "FORMER_TEAM", "Atlanta Falcons" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Akeem Priestley", "CLUB", "Connecticut Huskies" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Al-Khor Sports Club", "LEAGUE", "Qatar Stars League" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Al-Zawra'a SC", "MANAGER", "Basim Qasim" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Al Kharaitiyat SC", "POSITION", "Qatar Stars League" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Alaa Abdul-Zahra", "BIRTH_PLACE", "Baghdad" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Alaa Abdul-Zahra", "CLUB", "Sanat Mes Kerman F.C." ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Alan Martin (footballer)", "CLUB", "Hamilton Academical F.C." ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Alan Martin (footballer)", "CLUB", "Scotland national under-19 football team" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Aleksander Barkov, Jr.", "DATE_OF_BIRTH", "1995-09-02" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Aleksander Barkov, Jr.", "CLUB", "Florida Panthers" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Aleksander Barkov, Jr.", "HEIGHT", "1.905" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Aleksander Barkov, Jr.", "LEAGUE", "National Hockey League" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Aleksandr Prudnikov", "DATE_OF_BIRTH", "1989-02-24" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Aleksandr Prudnikov", "CLUB", "FC Amkar Perm" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Aleksandre Guruli", "BIRTH_PLACE", "Batumi" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Aleksandre Guruli", "CLUB", "FC Samtredia" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Aleksandre Guruli", "CLUB", "Georgia national under-21 football team" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Alessio Romagnoli", "CLUB", "A.S. Roma" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Alessio Romagnoli", "YOUTH_CLUB", "A.S. Roma" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Alex Plante", "BIRTH_PLACE", "Manitoba" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Alex Tyus", "LEAGUE", "Turkish Basketball Super League" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Atlanta Falcons", "CITY", "Atlanta" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Boston Bruins", "GENERAL_MANAGER", "Don Sweeney" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Budapest", "COUNTRY", "Hungary" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Canada", "LANGUAGE", "English language" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Canada", "LANGUAGE", "Slavey language" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Columbus Blue Jackets", "CITY", "Columbus, Ohio" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "FC Karpaty Lviv", "MANAGER", "Oleh Luzhny" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "FC Torpedo Moscow", "MANAGER", "Valery Petrakov" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Ferencv\u00e1rosi TC", "CHAIRMAN", "G\u00e1bor Kubatov" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Finland", "LANGUAGE", "Finnish language" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Italy national under-16 football team", "COACH", "Daniele Zoratto" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Maccabi Ashdod B.C.", "COACH", "Zvi Sherf" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Motherwell F.C.", "GROUND", "Fir Park" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Olympique Lyonnais", "OWNER", "Jean-Michel Aulas" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "St. Louis Rams", "CITY", "St. Louis" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Tennessee Titans", "CITY", "Nashville, Tennessee" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Aaron Bertram", "ACTIVE_YEARS_START_YEAR", "1998" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Aaron Deer", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "The Horns of Happiness" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Aaron Deer", "RECORD_LABEL", "Kill Rock Stars" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Aaron Turner", "GENRE", "Avant-garde metal" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Aaron Turner", "GENRE", "Progressive metal" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Abradab", "BACKGROUND", "\"solo singer\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Abradab", "DATE_OF_BIRTH", "1978-11-12" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Abradab", "BIRTH_PLACE", "Poland" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Abradab", "GENRE", "Hip hop music" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Agust\u00edn Barboza", "GENRE", "Guarania (music)" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Ahmet Ertegun", "BIRTH_PLACE", "\"Istanbul, Turkey\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Alan Frew", "GENRE", "Rock music" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Albennie Jones", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Sammy Price" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Aleksandra Kova\u010d", "BACKGROUND", "\"solo singer\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Aleksandra Kova\u010d", "BIRTH_PLACE", "Yugoslavia" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Aleksandra Kova\u010d", "GENRE", "Rhythm and blues" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Aleksandra Kova\u010d", "GENRE", "Soul music" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Alex Day", "GENRE", "Synthpop" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Alfredo Zitarrosa", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "H\u00e9ctor Numa Moraes" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Alfredo Zitarrosa", "BIRTH_PLACE", "Montevideo" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Alfredo Zitarrosa", "DEATH_PLACE", "Uruguay" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Alfredo Zitarrosa", "RECORD_LABEL", "RCA Records" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Alison O'Donnell", "ACTIVE_YEARS_START_YEAR", "1963" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Alison O'Donnell", "GENRE", "Jazz" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Alison O'Donnell", "INSTRUMENT", "\"Voice, bodhr\u00e1n, percussion, autoharp\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Allen Forrest", "DATE_OF_BIRTH", "1981-02-04" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Allen Forrest", "GENRE", "Pop music" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Alligator Records", "LOCATION", "Chicago" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Anders Osborne", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Johnny Sansone" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Anders Osborne", "GENRE", "Rhythm and blues" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Anders Osborne", "RECORD_LABEL", "Alligator Records" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Andra (singer)", "GENRE", "Rhythm and blues" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Andrew Rayel", "ACTIVE_YEARS_START_YEAR", "2009" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Andrew Rayel", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Christian Burns" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Andrew Rayel", "BIRTH_PLACE", "\"Chi\u0219in\u0103u, Moldova\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Andrew White (musician)", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Marry Banilow" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Andrew White (musician)", "RECORD_LABEL", "B-Unique Records" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Asunci\u00f3n", "IS_PART_OF", "Gran Asunci\u00f3n" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Christian Burns", "INSTRUMENT", "Guitar" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Hip hop music", "MUSIC_SUBGENRE", "Gangsta rap" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Hip hop music", "STYLISTIC_ORIGIN", "Funk" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Indie rock", "STYLISTIC_ORIGIN", "New wave music" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Manchester", "IS_PART_OF", "Greater Manchester" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Polydor Records", "LOCATION", "London" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "RCA Records", "DISTRIBUTING_COMPANY", "Sony Music Entertainment" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Rock and roll", "STYLISTIC_ORIGIN", "Blues" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Synthpop", "STYLISTIC_ORIGIN", "Pop music" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "United Kingdom", "DEMONYM", "British people" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "(19255) 1994 VK8", "DENSITY", "2.0 (gramPerCubicCentimetres)" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "(29075) 1950 DA", "DISCOVERER", "Carl A. Wirtanen" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "(410777) 2009 FD", "ABSOLUTE_MAGNITUDE", "22.1" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "(410777) 2009 FD", "APOAPSIS", "259776702.47055 (kilometres)" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "(66063) 1998 RO1", "APOAPSIS", "254989570.60815 (kilometres)" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "(66063) 1998 RO1", "EPOCH", "2013-11-04" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "1000 Piazzia", "ESCAPE_VELOCITY", "0.0252 (kilometrePerSeconds)" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "1001 Gaussia", "FORMER_NAME", "\"1923 OAA907 XC\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "1001 Gaussia", "MAXIUMUM_TEMPERATURE", "165.0 (kelvins)" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "101 Helena", "APOAPSIS", "441092000.0 (kilometres)" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "101 Helena", "EPOCH", "2006-12-31" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "101 Helena", "MASS", "3.0 (kilograms)" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "1036 Ganymed", "AVERAGE_SPEED", "16.86 (kilometrePerSeconds)" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "103 Hera", "ABSOLUTE_MAGNITUDE", "7.66" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "103 Hera", "MASS", "7.9 (kilograms)" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "107 Camilla", "ABSOLUTE_MAGNITUDE", "7.08" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "107 Camilla", "DISCOVERER", "A. Storrs" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "1089 Tama", "FORMER_NAME", "\"A894 VA; A904 VD;\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "1089 Tama", "ORBITAL_PERIOD", "1202.846 (days)" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "1097 Vicia", "AVERAGE_SPEED", "17.92 (kilometrePerSeconds)" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "1097 Vicia", "EPOCH", "2006-12-31" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "1097 Vicia", "ROTATION_PERIOD", "95040.0" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "109 Felicitas", "DISCOVERER", "Christian Heinrich Friedrich Peters" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "109 Felicitas", "PERIAPSIS", "283326000000.0" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "10 Hygiea", "AVERAGE_SPEED", "16.76 (kilometrePerSeconds)" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "1101 Clematis", "PERIAPSIS", "445895000000.0" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "110 Lydia", "EPOCH", "2006-12-31" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "11264 Claudiomaccone", "TEMPERATURE", "173.0 (kelvins)" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "James Craig Watson", "ALMA_MATER", "University of Michigan" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "N. R. Pogson", "BIRTH_PLACE", "Nottingham" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Aaron S. Daggett", "AWARD", "Purple Heart" ], [ "Aaron S. Daggett", "BATTLES", "Battle of Fredericksburg" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Aaron S. Daggett", "BATTLES", "Battle of Gettysburg" ], [ "Aaron S. Daggett", "AWARD", "Purple Heart" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Abdul Rahman Ya'kub", "HAS_DEPUTY", "Stephen Yong Kuet Tze" ], [ "Abdul Taib Mahmud", "SUCCESSOR", "Abdul Rahman Ya'kub" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Abdul Taib Mahmud", "PARTY", "Parti Pesaka Bumiputera Bersatu" ], [ "Abdul Taib Mahmud", "BIRTH_PLACE", "Kingdom of Sarawak" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Abdulsalami Abubakar", "BIRTH_PLACE", "Minna" ], [ "Abdulsalami Abubakar", "ALMA_MATER", "Technical Institute, Kaduna" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Abdulsalami Abubakar", "OFFICE_(WORKED_AT,_WORKED_AS)", "Chief of the Defence Staff (Nigeria)" ], [ "Abdulsalami Abubakar", "BIRTH_PLACE", "Niger State" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Abdulsalami Abubakar", "OFFICE_(WORKED_AT,_WORKED_AS)", "Chief of the Defence Staff (Nigeria)" ], [ "Abdulsalami Abubakar", "SUCCESSOR", "Al-Amin Daggash" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Abdulsalami Abubakar", "SUCCESSOR", "Olusegun Obasanjo" ], [ "Abdulsalami Abubakar", "ACTIVE_YEARS_END_DATE", "1999-05-29" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Abdulsalami Abubakar", "SUCCESSOR", "Olusegun Obasanjo" ], [ "Abdulsalami Abubakar", "IN_OFFICE_WHILE_VICE_PRESIDENT", "Mike Akhigbe" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Abner W. Sibal", "BATTLES", "World War II" ], [ "World War II", "COMMANDER", "Joseph Stalin" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Abner W. Sibal", "MILITARY_BRANCH", "United States Army" ], [ "United States Army", "BATTLES", "Korean War" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Adam Holloway", "BIRTH_PLACE", "Kent" ], [ "Adam Holloway", "ALMA_MATER", "Magdalene College, Cambridge" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Adam Holloway", "RESIDENCE", "Gravesend" ], [ "Adam Holloway", "BIRTH_PLACE", "Kent" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Adam Koc", "BATTLES", "World War I" ], [ "Adam Koc", "AWARD", "Virtuti Militari" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Adonis Georgiadis", "BIRTH_PLACE", "Athens" ], [ "Adonis Georgiadis", "OFFICE_(WORKED_AT,_WORKED_AS)", "\"Deputy Parliamentary Spokesman of Popular Orthodox Rally\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Adonis Georgiadis", "BIRTH_PLACE", "Greece" ], [ "Adonis Georgiadis", "BIRTH_PLACE", "Athens" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Adonis Georgiadis", "BIRTH_PLACE", "Greece" ], [ "Adonis Georgiadis", "OFFICE_(WORKED_AT,_WORKED_AS)", "\"Deputy Parliamentary Spokesman of Popular Orthodox Rally\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Agnes Kant", "BIRTH_PLACE", "Hessisch Oldendorf" ], [ "Agnes Kant", "OFFICE_(WORKED_AT,_WORKED_AS)", "Parliamentary group leader" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Airey Neave", "AWARD", "Military Cross" ], [ "Airey Neave", "UNIT", "Royal Artillery" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Airey Neave", "BATTLES", "Battle of France" ], [ "Airey Neave", "ACTIVE_YEARS_START_DATE", "1974-03-04" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Airey Neave", "BATTLES", "Battle of France" ], [ "Battle of France", "COMMANDER", "Hugo Sperrle" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Airey Neave", "BATTLES", "World War II" ], [ "Airey Neave", "BIRTH_PLACE", "Knightsbridge" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Airey Neave", "BATTLES", "World War II" ], [ "World War II", "COMMANDER", "Franklin D. Roosevelt" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Airey Neave", "BATTLES", "World War II" ], [ "World War II", "COMMANDER", "Joseph Stalin" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Albert B. White", "DEATH_YEAR", "1941" ], [ "Albert B. White", "DATE_OF_BIRTH", "1856-09-22" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Albert B. White", "PROFESSION", "Politician" ], [ "Albert B. White", "DATE_OF_BIRTH", "1856-09-22" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Albert Jennings Fountain", "DEATH_PLACE", "Do\u00f1a Ana County, New Mexico" ], [ "Albert Jennings Fountain", "BIRTH_PLACE", "New York City" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Albert Jennings Fountain", "IN_OFFICE_WHILE_VICE_PRESIDENT", "Edmund J. Davis" ], [ "Albert Jennings Fountain", "DEATH_PLACE", "New Mexico Territory" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Albert Jennings Fountain", "PARTY", "Republican Party (United States)" ], [ "Albert Jennings Fountain", "BIRTH_PLACE", "New York City" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Alberto Teisaire", "OFFICE_(WORKED_AT,_WORKED_AS)", "\"Provisional President of the Argentine Senate\"" ], [ "Alberto Teisaire", "SUCCESSOR", "Isaac Rojas" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Alfons Gorbach", "BIRTH_PLACE", "Austria" ], [ "Alfons Gorbach", "BIRTH_PLACE", "Austria-Hungary" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Alfons Gorbach", "BIRTH_PLACE", "Tyrol (state)" ], [ "Alfons Gorbach", "BIRTH_PLACE", "Austria" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Alfred Moore Scales", "OFFICE_(WORKED_AT,_WORKED_AS)", "\"Governor of North Carolina\"" ], [ "Alfred Moore Scales", "SUCCESSOR", "James W. Reid (politician)" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Alfred Moore Scales", "SUCCESSOR", "Daniel Gould Fowle" ], [ "Daniel Gould Fowle", "ALMA_MATER", "Princeton University" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Alfred N. Phillips", "BIRTH_PLACE", "Connecticut" ], [ "Alfred N. Phillips", "OFFICE_(WORKED_AT,_WORKED_AS)", "United States House of Representatives" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Alfred N. Phillips", "MILITARY_BRANCH", "United States Army" ], [ "United States Army", "BATTLES", "American Civil War" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Allan Shivers", "BATTLES", "World War II" ], [ "World War II", "COMMANDER", "Joseph Stalin" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Allan Shivers", "BIRTH_PLACE", "Lufkin, Texas" ], [ "Allan Shivers", "OFFICE_(WORKED_AT,_WORKED_AS)", "\"Member of the Texas State Senate from District 4 (Port Arthur)\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Allan Shivers", "OFFICE_(WORKED_AT,_WORKED_AS)", "\"Member of the Texas State Senate from District 4 (Port Arthur)\"" ], [ "Allan Shivers", "SUCCESSOR", "Ben Ramsey" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Alvah Sabin", "DATE_OF_BIRTH", "1793-10-23" ], [ "Alvah Sabin", "OFFICE_(WORKED_AT,_WORKED_AS)", "Secretary of State of Vermont" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Netherlands", "CURRENCY", "Euro" ], [ "Agnes Kant", "COUNTRY", "Netherlands" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Netherlands", "LEADER_NAME", "Mark Rutte" ], [ "Agnes Kant", "COUNTRY", "Netherlands" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Parkersburg, West Virginia", "COUNTRY", "United States" ], [ "Albert B. White", "DEATH_PLACE", "Parkersburg, West Virginia" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Aaron Boogaard", "CLUB", "Wichita Thunder" ], [ "Aaron Boogaard", "BIRTH_PLACE", "Saskatchewan" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Abel Hern\u00e1ndez", "CLUB", "Pe\u00f1arol" ], [ "Pe\u00f1arol", "MANAGER", "Jorge Orosm\u00e1n da Silva" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Abel Hern\u00e1ndez", "CLUB", "U.S. Citt\u00e0 di Palermo" ], [ "Abel Hern\u00e1ndez", "CLUB", "Pe\u00f1arol" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Adam Maher", "CLUB", "Netherlands national under-17 football team" ], [ "Adam Maher", "CLUB", "AZ Alkmaar" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Adam Maher", "CLUB", "PSV Eindhoven" ], [ "Adam Maher", "CLUB", "Netherlands national under-17 football team" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Ahmad Kadhim Assad", "CLUB", "Steel Azin F.C." ], [ "Ahmad Kadhim Assad", "CLUB", "Al Shorta SC" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Akeem Adams", "CLUB", "Ferencv\u00e1rosi TC" ], [ "Ferencv\u00e1rosi TC", "MANAGER", "Thomas Doll" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Akeem Adams", "CLUB", "Trinidad and Tobago national football team" ], [ "Akeem Adams", "CLUB", "T&amp;TEC Sports Club" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Akeem Ayers", "FORMER_TEAM", "New England Patriots" ], [ "Akeem Ayers", "DRAFT_PICK", "\"39\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Akeem Ayers", "FORMER_TEAM", "Tennessee Titans" ], [ "Akeem Ayers", "DRAFT_PICK", "\"39\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Akeem Dent", "DATE_OF_BIRTH", "1987" ], [ "Akeem Dent", "DATE_OF_BIRTH", "1987-09-27" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Akeem Priestley", "CLUB", "Connecticut Huskies" ], [ "Akeem Priestley", "CLUB", "Sheikh Russel KC" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Akeem Priestley", "CLUB", "RoPS" ], [ "Akeem Priestley", "CLUB", "Sheikh Russel KC" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Alaa Abdul-Zahra", "CLUB", "Al-Khor Sports Club" ], [ "Al-Khor Sports Club", "GROUND", "Al Khor" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Alaa Abdul-Zahra", "CLUB", "Al Kharaitiyat SC" ], [ "Al Kharaitiyat SC", "MANAGER", "Amar Osim" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Alan Martin (footballer)", "CLUB", "Hamilton Academical F.C." ], [ "Alan Martin (footballer)", "CLUB", "Leeds United F.C." ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Alan Martin (footballer)", "CLUB", "Hamilton Academical F.C." ], [ "Hamilton Academical F.C.", "GROUND", "New Douglas Park" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Aleksander Barkov, Jr.", "CLUB", "Florida Panthers" ], [ "Aleksander Barkov, Jr.", "DATE_OF_BIRTH", "1995-09-02" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Aleksander Barkov, Jr.", "CLUB", "Florida Panthers" ], [ "Aleksander Barkov, Jr.", "BIRTH_PLACE", "\"Tampere, Finland\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Aleksandr Chumakov", "CLUB", "FC Torpedo Moscow" ], [ "FC Torpedo Moscow", "MANAGER", "Valery Petrakov" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Aleksandr Prudnikov", "CLUB", "FC Spartak Moscow" ], [ "Aleksandr Prudnikov", "CLUB", "FC Kuban Krasnodar" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Aleksandr Prudnikov", "CLUB", "FC Tom Tomsk" ], [ "FC Tom Tomsk", "LEAGUE", "Russian Football National League" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Aleksandre Guruli", "CLUB", "FC Karpaty Lviv" ], [ "Aleksandre Guruli", "CLUB", "FC Dinamo Batumi" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Alex Plante", "DATE_OF_BIRTH", "1989" ], [ "Alex Plante", "BIRTH_PLACE", "Manitoba" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Alex Tyus", "CLUB", "Pallacanestro Cant\u00f9" ], [ "Alex Tyus", "DATE_OF_BIRTH", "1988-01-08" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Alex Tyus", "LEAGUE", "Turkish Basketball Super League" ], [ "Alex Tyus", "CLUB", "Maccabi Tel Aviv B.C." ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Brandon, Manitoba", "LEADER_NAME", "Conservative Party of Canada" ], [ "Alex Plante", "BIRTH_PLACE", "Brandon, Manitoba" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Canada", "ANTHEM", "O Canada" ], [ "Adam McQuaid", "BIRTH_PLACE", "Canada" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Canada", "LANGUAGE", "English language" ], [ "Adam McQuaid", "BIRTH_PLACE", "Canada" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "FC Dinamo Batumi", "MANAGER", "Levan Khomeriki" ], [ "Aleksandre Guruli", "CLUB", "FC Dinamo Batumi" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "FC Spartak Moscow", "GROUND", "Otkrytiye Arena" ], [ "Aleksandr Prudnikov", "CLUB", "FC Spartak Moscow" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "RoPS", "LEAGUE", "Veikkausliiga" ], [ "Akeem Priestley", "CLUB", "RoPS" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "United Petrotrin F.C.", "GROUND", "Palo Seco Velodrome" ], [ "Akeem Adams", "CLUB", "United Petrotrin F.C." ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Aaron Deer", "GENRE", "Psychedelia" ], [ "Aaron Deer", "INSTRUMENT", "Guitar" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Aaron Deer", "ORIGIN", "United States" ], [ "Aaron Deer", "ORIGIN", "Indiana" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Aaron Turner", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Twilight (band)" ], [ "Aaron Turner", "GENRE", "Electroacoustic music" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Aaron Turner", "INSTRUMENT", "Singing" ], [ "Aaron Turner", "GENRE", "Avant-garde metal" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Abradab", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Magik (rapper)" ], [ "Abradab", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Kaliber 44" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Abradab", "DATE_OF_BIRTH", "1978-11-12" ], [ "Abradab", "BIRTH_PLACE", "Katowice" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Abradab", "BIRTH_PLACE", "Katowice" ], [ "Abradab", "BIRTH_PLACE", "Poland" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Ace Wilder", "GENRE", "Hip hop music" ], [ "Hip hop music", "STYLISTIC_ORIGIN", "Disco" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Ace Wilder", "RECORD_LABEL", "Warner Music Group" ], [ "Ace Wilder", "BACKGROUND", "\"solo singer\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Agust\u00edn Barboza", "BIRTH_PLACE", "Paraguay" ], [ "Agust\u00edn Barboza", "RECORD_LABEL", "Philips Records" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Alan Frew", "GENRE", "Rock music" ], [ "Rock music", "MUSIC_FUSION_GENRE", "Bhangra (music)" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Alan Frew", "GENRE", "Rock music" ], [ "Rock music", "STYLISTIC_ORIGIN", "Country music" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Albennie Jones", "GENRE", "Jazz" ], [ "Jazz", "STYLISTIC_ORIGIN", "Blues" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Aleksandra Kova\u010d", "GENRE", "Pop music" ], [ "Aleksandra Kova\u010d", "BACKGROUND", "\"solo singer\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Aleksandra Kova\u010d", "GENRE", "Rhythm and blues" ], [ "Rhythm and blues", "STYLISTIC_ORIGIN", "Blues" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Aleksandra Kova\u010d", "GENRE", "Soul music" ], [ "Aleksandra Kova\u010d", "ACTIVE_YEARS_START_YEAR", "1990" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Alex Day", "GENRE", "Synthpop" ], [ "Synthpop", "STYLISTIC_ORIGIN", "New wave music" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Alfred Garth Jones", "BIRTH_PLACE", "England" ], [ "Alfred Garth Jones", "DATE_OF_BIRTH", "1872" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Alfredo Zitarrosa", "BACKGROUND", "\"solo singer\"" ], [ "Alfredo Zitarrosa", "GENRE", "Milonga (music)" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Alfredo Zitarrosa", "BACKGROUND", "\"solo singer\"" ], [ "Alfredo Zitarrosa", "GENRE", "Taquirari" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Alfredo Zitarrosa", "BIRTH_PLACE", "Uruguay" ], [ "Alfredo Zitarrosa", "DEATH_PLACE", "Montevideo" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Alfredo Zitarrosa", "DEATH_PLACE", "Uruguay" ], [ "Alfredo Zitarrosa", "BIRTH_PLACE", "Montevideo" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Alfredo Zitarrosa", "GENRE", "Zamba (artform)" ], [ "Alfredo Zitarrosa", "BACKGROUND", "\"solo singer\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Alison O'Donnell", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Plastik Mak" ], [ "Alison O'Donnell", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Bajik" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Alison O'Donnell", "GENRE", "Folk rock" ], [ "Alison O'Donnell", "RECORD_LABEL", "Floating World Records" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Alison O'Donnell", "GENRE", "Jazz" ], [ "Alison O'Donnell", "INSTRUMENT", "\"Voice, bodhr\u00e1n, percussion, autoharp\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Allen Forrest", "GENRE", "Hip hop music" ], [ "Allen Forrest", "BACKGROUND", "\"solo singer\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Alternative rock", "MUSIC_SUBGENRE", "Christian alternative rock" ], [ "Andrew White (musician)", "GENRE", "Alternative rock" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Anders Osborne", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Phil Lesh and Friends" ], [ "Anders Osborne", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Tab Benoit" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Anders Osborne", "GENRE", "Rhythm and blues" ], [ "Anders Osborne", "RECORD_LABEL", "Rabadash Records" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Anders Osborne", "GENRE", "Rhythm and blues" ], [ "Anders Osborne", "RECORD_LABEL", "Shanachie Records" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Andra (singer)", "GENRE", "Pop music" ], [ "Andra (singer)", "ACTIVE_YEARS_START_YEAR", "2000" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Andra (singer)", "GENRE", "Rhythm and blues" ], [ "Rhythm and blues", "STYLISTIC_ORIGIN", "Blues" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Andrew Rayel", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Christian Burns" ], [ "Andrew Rayel", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Jonathan Mendelsohn" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Andrew Rayel", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Jonathan Mendelsohn" ], [ "Andrew Rayel", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Mark Sixma" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Andrew Rayel", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Jwaydan Moyine" ], [ "Andrew Rayel", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Armin van Buuren" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Andrew White (musician)", "GENRE", "Alternative rock" ], [ "Alternative rock", "STYLISTIC_ORIGIN", "New wave music" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Country music", "INSTRUMENT", "Banjo" ], [ "Al Anderson (NRBQ band)", "GENRE", "Country music" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Polydor Records", "LOCATION", "London" ], [ "Andrew White (musician)", "RECORD_LABEL", "Polydor Records" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "(19255) 1994 VK8", "ESCAPE_VELOCITY", "0.0925 (kilometrePerSeconds)" ], [ "(19255) 1994 VK8", "APOAPSIS", "6603633000.0 (kilometres)" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "(410777) 2009 FD", "APOAPSIS", "259776702.47055 (kilometres)" ], [ "(410777) 2009 FD", "MINIMUM_TEMPERATURE", "211.0 (kelvins)" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "(410777) 2009 FD", "PERIAPSIS", "88234300000.0" ], [ "(410777) 2009 FD", "DISCOVERER", "Spacewatch" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "(66063) 1998 RO1", "EPOCH", "2013-11-04" ], [ "(66063) 1998 RO1", "ESCAPE_VELOCITY", "0.0999 (kilometrePerSeconds)" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "(66391) 1999 KW4", "EPOCH", "2004-07-14" ], [ "(66391) 1999 KW4", "ORBITAL_PERIOD", "16244700.0" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "(66391) 1999 KW4", "EPOCH", "2004-07-14" ], [ "(66391) 1999 KW4", "ROTATION_PERIOD", "9953.28" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "101 Helena", "DISCOVERER", "James Craig Watson" ], [ "James Craig Watson", "DEATH_CAUSE", "Peritonitis" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "1036 Ganymed", "AVERAGE_SPEED", "16.86 (kilometrePerSeconds)" ], [ "1036 Ganymed", "APOAPSIS", "611961000.0 (kilometres)" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "1036 Ganymed", "DISCOVERER", "Walter Baade" ], [ "Walter Baade", "BIRTH_PLACE", "German Empire" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "1036 Ganymed", "DISCOVERER", "Walter Baade" ], [ "Walter Baade", "NATIONALITY", "Germany" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "103 Hera", "DISCOVERER", "James Craig Watson" ], [ "James Craig Watson", "DEATH_CAUSE", "Peritonitis" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "103 Hera", "DISCOVERER", "James Craig Watson" ], [ "James Craig Watson", "NATIONALITY", "Canada" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "107 Camilla", "DISCOVERER", "N. R. Pogson" ], [ "N. R. Pogson", "BIRTH_PLACE", "Nottingham" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "1089 Tama", "EPOCH", "2005-11-26" ], [ "1089 Tama", "FORMER_NAME", "\"A919 HA; 1927 WB;\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "1089 Tama", "TEMPERATURE", "179.0 (kelvins)" ], [ "1089 Tama", "APOAPSIS", "373513000.0 (kilometres)" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "1097 Vicia", "EPOCH", "2006-12-31" ], [ "1097 Vicia", "PERIAPSIS", "279142000000.0" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "109 Felicitas", "APOAPSIS", "523329000.0 (kilometres)" ], [ "109 Felicitas", "TEMPERATURE", "170.0 (kelvins)" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "109 Felicitas", "EPOCH", "2006-12-31" ], [ "109 Felicitas", "PERIAPSIS", "283326000000.0" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "109 Felicitas", "ROTATION_PERIOD", "47487.6" ], [ "109 Felicitas", "EPOCH", "2006-12-31" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "10 Hygiea", "APOAPSIS", "523951582.33968 (kilometres)" ], [ "10 Hygiea", "TEMPERATURE", "164.0 (kelvins)" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "10 Hygiea", "FORMER_NAME", "\"A900 GA\"" ], [ "10 Hygiea", "EPOCH", "2015-06-27" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "110 Lydia", "EPOCH", "2006-12-31" ], [ "110 Lydia", "MASS", "6.7 (kilograms)" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "110 Lydia", "EPOCH", "2006-12-31" ], [ "110 Lydia", "ORBITAL_PERIOD", "142603000.0" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "A-Rosa Luna", "SHIP_CLASS", "Cruise ship" ], [ "A-Rosa Luna", "LENGTH", "125800.0 (millimetres)" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "A-Rosa Luna", "SHIP_ORDERED", "2004-01-22" ], [ "A-Rosa Luna", "LENGTH", "125800.0 (millimetres)" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "AIDA Cruises", "LOCATION", "Germany" ], [ "AIDAstella", "OPERATOR", "AIDA Cruises" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "AIDA Cruises", "LOCATION", "Rostock" ], [ "AIDAluna", "OPERATOR", "AIDA Cruises" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "AIDAluna", "TOP_SPEED", "40.744" ], [ "AIDAluna", "LENGTH", "252000.0 (millimetres)" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "AIDAstella", "CHRISTENING_DATE", "2013-03-16" ], [ "AIDAstella", "LENGTH", "253260.0 (millimetres)" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "ALCO RS-3", "BUILDER", "Montreal Locomotive Works" ], [ "ALCO RS-3", "POWER_TYPE", "Diesel-electric transmission" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "ALV X-1", "DIAMETER", "1.524 (metres)" ], [ "ALV X-1", "ROCKET_STAGES", "2" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "AMC Matador", "ASSEMBLY", "Kenosha, Wisconsin" ], [ "AMC Matador", "MODEL_YEARS", "1974" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "AMC Matador", "DESIGNER", "Richard A. Teague" ], [ "Richard A. Teague", "EMPLOYER", "Chrysler" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "ARA Veinticinco de Mayo (V-2)", "LENGTH", "192000.0 (millimetres)" ], [ "ARA Veinticinco de Mayo (V-2)", "COUNTRY", "Argentina" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Alfa Romeo 164", "ASSEMBLY", "Milan" ], [ "Alfa Romeo 164", "RELATED_MEAN_OF_TRANSPORTATION", "Saab 9000" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Alfa Romeo 164", "RELATED_MEAN_OF_TRANSPORTATION", "Fiat Croma" ], [ "Alfa Romeo 164", "ASSEMBLY", "Italy" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Alfa Romeo 164", "RELATED_MEAN_OF_TRANSPORTATION", "Lancia Thema" ], [ "Alfa Romeo 164", "ASSEMBLY", "Italy" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Alvis Speed 25", "MANUFACTURER", "Alvis Car and Engineering Company" ], [ "Alvis Car and Engineering Company", "LOCATION_CITY", "Coventry" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Alvis Speed 25", "TRANSMISSION", "\"single plate clutch, separate 4-speed gearbox all-silent and all-syncromesh, centre change lever, open tubular propellor shaft with metal joints , spiral bevel fully floating back axle\"" ], [ "Alvis Speed 25", "ENGINE", "4387.0 (cubicCentimetres)" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Alvis Speed 25", "TRANSMISSION", "\"single plate clutch, separate 4-speed gearbox all-silent and all-syncromesh, centre change lever, open tubular propellor shaft with metal joints , spiral bevel fully floating back axle\"" ], [ "Alvis Speed 25", "ENGINE", "Straight-six engine" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "American Motors", "SUCCESSOR", "Eagle (automobile)" ], [ "AMC Matador", "MANUFACTURER", "American Motors" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Antares (rocket)", "MAIDEN_FLIGHT", "2014-01-09" ], [ "Antares (rocket)", "LAUNCH_SITE", "Mid-Atlantic Regional Spaceport" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Argentina", "LEADER_NAME", "Gabriela Michetti" ], [ "ARA Veinticinco de Mayo (V-2)", "COUNTRY", "Argentina" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Ariane 5", "LAUNCH_SITE", "ELA-3" ], [ "Ariane 5", "MANUFACTURER", "Airbus Defence and Space" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Ariane 5", "MANUFACTURER", "Airbus Defence and Space" ], [ "Airbus Defence and Space", "PARENT_COMPANY", "Airbus Group" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Aston Martin V8", "ASSEMBLY", "United Kingdom" ], [ "Aston Martin V8", "RELATED_MEAN_OF_TRANSPORTATION", "Aston Martin RHAM/1" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Aston Martin V8", "MANUFACTURER", "Aston Martin" ], [ "Aston Martin V8", "SUCCESSOR", "Aston Martin Virage" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Aston Martin V8", "RELATED_MEAN_OF_TRANSPORTATION", "Aston Martin DBS" ], [ "Aston Martin V8", "SUCCESSOR", "Aston Martin Virage" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Aston Martin V8", "SUCCESSOR", "Aston Martin Virage" ], [ "Aston Martin Virage", "MANUFACTURER", "Aston Martin" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Atlas II", "FINAL_FLIGHT", "1998-03-16" ], [ "Atlas II", "DIAMETER", "3.04 m" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Atlas II", "LAUNCH_SITE", "Cape Canaveral Air Force Station" ], [ "Atlas II", "MANUFACTURER", "Lockheed Martin" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Audi A1", "MANUFACTURER", "Audi" ], [ "Audi", "DIVISION", "Audi e-tron" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Audi A1", "MANUFACTURER", "Audi" ], [ "Audi", "SUBSIDIARY", "Ducati" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Audi A1", "MANUFACTURER", "Audi" ], [ "Audi", "SUBSIDIARY", "Quattro GmbH" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Caterpillar Inc.", "KEY_PERSON", "Douglas R. Oberhelman" ], [ "AIDAluna", "POWER_TYPE", "Caterpillar Inc." ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Delta II", "LAUNCH_SITE", "Vandenberg Air Force Base" ], [ "Antares (rocket)", "COMPARABLE", "Delta II" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Finland", "LEADER_NAME", "Juha Sipil\u00e4" ], [ "Aleksey Chirikov (icebreaker)", "BUILDER", "Finland" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "General Dynamics Electric Boat", "PARENT_COMPANY", "General Dynamics" ], [ "American submarine NR-1", "BUILDER", "General Dynamics Electric Boat" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "MTU Friedrichshafen", "OWNER", "Rolls-Royce Holdings" ], [ "A-Rosa Luna", "POWER_TYPE", "MTU Friedrichshafen" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "United Kingdom", "LEADER_NAME", "Elizabeth II" ], [ "Aston Martin V8", "ASSEMBLY", "United Kingdom" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Aaron S. Daggett", "AWARD", "Purple Heart" ], [ "Aaron S. Daggett", "BIRTH_PLACE", "Maine" ], [ "Aaron S. Daggett", "BATTLES", "Battle of Fredericksburg" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Ab Klink", "ALMA_MATER", "Erasmus University Rotterdam" ], [ "Ab Klink", "PARTY", "Christian Democratic Appeal" ], [ "Ab Klink", "BIRTH_PLACE", "Netherlands" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Abdul Rahman Ya'kub", "HAS_DEPUTY", "Stephen Yong Kuet Tze" ], [ "Abdul Taib Mahmud", "BIRTH_PLACE", "Kingdom of Sarawak" ], [ "Abdul Taib Mahmud", "SUCCESSOR", "Abdul Rahman Ya'kub" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Abdul Taib Mahmud", "RESIDENCE", "Sarawak" ], [ "Abdul Taib Mahmud", "BIRTH_PLACE", "Kingdom of Sarawak" ], [ "Abdul Taib Mahmud", "PARTY", "\"Barisan Ra'ayat Jati Sarawak\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Abdulsalami Abubakar", "BIRTH_PLACE", "Niger State" ], [ "Abdulsalami Abubakar", "ALMA_MATER", "Technical Institute, Kaduna" ], [ "Abdulsalami Abubakar", "OFFICE_(WORKED_AT,_WORKED_AS)", "Chief of the Defence Staff (Nigeria)" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Abdulsalami Abubakar", "SUCCESSOR", "Olusegun Obasanjo" ], [ "Abdulsalami Abubakar", "MILITARY_BRANCH", "Nigerian Air Force" ], [ "Olusegun Obasanjo", "IN_OFFICE_WHILE_VICE_PRESIDENT", "Atiku Abubakar" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Abdulsalami Abubakar", "SUCCESSOR", "Olusegun Obasanjo" ], [ "Abdulsalami Abubakar", "MILITARY_BRANCH", "Nigerian Army" ], [ "Olusegun Obasanjo", "IN_OFFICE_WHILE_VICE_PRESIDENT", "Atiku Abubakar" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Abel Caballero", "BIRTH_PLACE", "Ponteareas" ], [ "Abel Caballero", "OFFICE_(WORKED_AT,_WORKED_AS)", "\"Member of the Congress of Deputies\"" ], [ "Abel Caballero", "BIRTH_PLACE", "Galicia (Spain)" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Abel Caballero", "BIRTH_PLACE", "Spain" ], [ "Abel Caballero", "BIRTH_PLACE", "Galicia (Spain)" ], [ "Abel Caballero", "PARTY", "Spanish Socialist Workers' Party" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Abner W. Sibal", "BATTLES", "World War II" ], [ "Abner W. Sibal", "MILITARY_BRANCH", "United States Army" ], [ "World War II", "COMMANDER", "Joseph Stalin" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Abner W. Sibal", "OFFICE_(WORKED_AT,_WORKED_AS)", "\"Member of the Connecticut Senate from the 26th District\"" ], [ "Abner W. Sibal", "PARTY", "Republican Party (United States)" ], [ "Abner W. Sibal", "BIRTH_PLACE", "Ridgewood, Queens" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Adam Holloway", "BATTLES", "Gulf War" ], [ "Gulf War", "COMMANDER", "George H. W. Bush" ], [ "Adam Holloway", "MILITARY_BRANCH", "Grenadier Guards" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Adam Holloway", "PARTY", "Conservative Party (UK)" ], [ "Adam Holloway", "BIRTH_PLACE", "Faversham" ], [ "Adam Holloway", "ALMA_MATER", "Magdalene College, Cambridge" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Adam Koc", "BATTLES", "Polish\u2013Soviet War" ], [ "Adam Koc", "BIRTH_PLACE", "Congress Poland" ], [ "Polish\u2013Soviet War", "COMMANDER", "Leon Trotsky" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Adam Koc", "BATTLES", "Polish\u2013Soviet War" ], [ "Polish\u2013Soviet War", "IS_PART_OF_MILITARY_CONFLICT", "Russian Civil War" ], [ "Polish\u2013Soviet War", "COMMANDER", "Leon Trotsky" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Adonis Georgiadis", "BIRTH_PLACE", "Greece" ], [ "Adonis Georgiadis", "OFFICE_(WORKED_AT,_WORKED_AS)", "\"Deputy Parliamentary Spokesman of Popular Orthodox Rally\"" ], [ "Adonis Georgiadis", "BIRTH_PLACE", "Athens" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Adonis Georgiadis", "BIRTH_PLACE", "Greece" ], [ "Adonis Georgiadis", "OFFICE_(WORKED_AT,_WORKED_AS)", "\"Minister for Health\"" ], [ "Adonis Georgiadis", "BIRTH_PLACE", "Athens" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Adonis Georgiadis", "IN_OFFICE_WHILE_PRIME_MINISTER", "Antonis Samaras" ], [ "New Democracy (Greece)", "COLOR", "Blue" ], [ "Adonis Georgiadis", "PARTY", "New Democracy (Greece)" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Agnes Kant", "NATIONALITY", "Netherlands" ], [ "Netherlands", "LEADER_NAME", "Mark Rutte" ], [ "Agnes Kant", "OFFICE_(WORKED_AT,_WORKED_AS)", "House of Representatives (Netherlands)" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Agnes Kant", "NATIONALITY", "Netherlands" ], [ "Netherlands", "LEADER_NAME", "Mark Rutte" ], [ "Agnes Kant", "PARTY", "Socialist Party (Netherlands)" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Agnes Kant", "OFFICE_(WORKED_AT,_WORKED_AS)", "\"Member of the House of Representatives\"" ], [ "Agnes Kant", "BIRTH_PLACE", "West Germany" ], [ "Agnes Kant", "ALMA_MATER", "Radboud University Nijmegen" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Airey Neave", "BATTLES", "World War II" ], [ "Airey Neave", "ACTIVE_YEARS_START_DATE", "1953-06-30" ], [ "Airey Neave", "ACTIVE_YEARS_END_DATE", "1979-03-30" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Airey Neave", "BATTLES", "World War II" ], [ "Airey Neave", "ACTIVE_YEARS_START_DATE", "1974-03-04" ], [ "Airey Neave", "ACTIVE_YEARS_END_DATE", "1979-03-30" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Albert B. White", "DEATH_YEAR", "1941" ], [ "Albert B. White", "DATE_OF_BIRTH", "1856-09-22" ], [ "Albert B. White", "DATE_OF_DEATH", "1941-07-03" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Albert B. White", "SPOUSE", "Agnes Ward White" ], [ "Agnes Ward White", "BIRTH_PLACE", "Marietta, Ohio" ], [ "Albert B. White", "SUCCESSOR", "William M. O. Dawson" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Albert Jennings Fountain", "BIRTH_PLACE", "Staten Island" ], [ "Albert Jennings Fountain", "DEATH_PLACE", "United States" ], [ "United States", "ETHNIC_GROUP", "African Americans" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Albert Jennings Fountain", "DEATH_PLACE", "New Mexico Territory" ], [ "Albert Jennings Fountain", "BIRTH_PLACE", "New York City" ], [ "Albert Jennings Fountain", "BIRTH_PLACE", "Staten Island" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Albert Jennings Fountain", "DEATH_PLACE", "United States" ], [ "Albert Jennings Fountain", "BIRTH_PLACE", "New York" ], [ "Albert Jennings Fountain", "BIRTH_PLACE", "Staten Island" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Alberto Teisaire", "DEATH_PLACE", "Buenos Aires" ], [ "Buenos Aires", "GOVERNING_BODY", "Buenos Aires City Legislature" ], [ "Buenos Aires", "LEADER_NAME", "Horacio Rodr\u00edguez Larreta" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Alberto Teisaire", "PROFESSION", "Rear admiral" ], [ "Alberto Teisaire", "SUCCESSOR", "Isaac Rojas" ], [ "Alberto Teisaire", "BIRTH_PLACE", "Mendoza, Argentina" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Alfons Gorbach", "DEATH_PLACE", "Graz" ], [ "Alfons Gorbach", "BIRTH_PLACE", "County of Tyrol" ], [ "Alfons Gorbach", "BIRTH_PLACE", "Austria" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Alfred N. Phillips", "SUCCESSOR", "Albert E. Austin" ], [ "Alfred N. Phillips", "BIRTH_PLACE", "Connecticut" ], [ "Alfred N. Phillips", "OFFICE_(WORKED_AT,_WORKED_AS)", "\"Member of the U.S. House of Representatives from Connecticut's 4th district\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Alfred N. Phillips", "SUCCESSOR", "Albert E. Austin" ], [ "Alfred N. Phillips", "BIRTH_PLACE", "Darien, Connecticut" ], [ "Alfred N. Phillips", "OFFICE_(WORKED_AT,_WORKED_AS)", "\"Member of the U.S. House of Representatives from Connecticut's 4th district\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Allan Shivers", "OFFICE_(WORKED_AT,_WORKED_AS)", "\"Member of the Texas State Senate from District 4 (Port Arthur)\"" ], [ "Allan Shivers", "PARTY", "Democratic Party (United States)" ], [ "Allan Shivers", "SUCCESSOR", "Wilfred R. Cousins, Jr." ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Alvah Sabin", "ACTIVE_YEARS_END_DATE", "1857-03-03" ], [ "Alvah Sabin", "REGION", "Vermont" ], [ "Vermont", "LARGEST_CITY", "Burlington, Vermont" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Alvah Sabin", "PARTY", "Whig Party (United States)" ], [ "Alvah Sabin", "DATE_OF_BIRTH", "1793-10-23" ], [ "Whig Party (United States)", "LEADER_NAME", "Henry Clay" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Alvah Sabin", "PARTY", "Whig Party (United States)" ], [ "Whig Party (United States)", "LEADER_NAME", "Daniel Webster" ], [ "Alvah Sabin", "BIRTH_PLACE", "Georgia, Vermont" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "American Civil War", "COMMANDER", "Abraham Lincoln" ], [ "Albert Jennings Fountain", "BATTLES", "American Civil War" ], [ "Albert Jennings Fountain", "BIRTH_PLACE", "United States" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "American Civil War", "COMMANDER", "Jefferson Davis" ], [ "Alfred Moore Scales", "BATTLES", "Battle of Fredericksburg" ], [ "Battle of Fredericksburg", "IS_PART_OF_MILITARY_CONFLICT", "American Civil War" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Austria", "LEADER_NAME", "Doris Bures" ], [ "Alfons Gorbach", "BIRTH_PLACE", "County of Tyrol" ], [ "Alfons Gorbach", "DEATH_PLACE", "Austria" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Austria", "LEADER_NAME", "Doris Bures" ], [ "Alfons Gorbach", "BIRTH_PLACE", "Tyrol (state)" ], [ "Alfons Gorbach", "DEATH_PLACE", "Austria" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Austria", "LEADER_NAME", "Doris Bures" ], [ "Alfons Gorbach", "DEATH_PLACE", "Styria" ], [ "Alfons Gorbach", "DEATH_PLACE", "Austria" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Battle of Salem Church", "COMMANDER", "Robert E. Lee" ], [ "Battle of Salem Church", "IS_PART_OF_MILITARY_CONFLICT", "American Civil War" ], [ "Aaron S. Daggett", "BATTLES", "Battle of Salem Church" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Netherlands", "CURRENCY", "Euro" ], [ "Ab Klink", "BIRTH_PLACE", "Stellendam" ], [ "Ab Klink", "NATIONALITY", "Netherlands" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Poland", "LANGUAGE", "Polish language" ], [ "Adam Koc", "NATIONALITY", "Poland" ], [ "Poland", "ETHNIC_GROUP", "Kashubians" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "(19255) 1994 VK8", "ESCAPE_VELOCITY", "0.0925 (kilometrePerSeconds)" ], [ "(19255) 1994 VK8", "MASS", "5.6 (kilograms)" ], [ "(19255) 1994 VK8", "APOAPSIS", "6603633000.0 (kilometres)" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "(410777) 2009 FD", "ORBITAL_PERIOD", "39447000.0" ], [ "(410777) 2009 FD", "PERIAPSIS", "88234300000.0" ], [ "(410777) 2009 FD", "DISCOVERER", "Spacewatch" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "(66063) 1998 RO1", "MINIMUM_TEMPERATURE", "-71.0 (degreeCelsius)" ], [ "(66063) 1998 RO1", "MAXIUMUM_TEMPERATURE", "500.0 (kelvins)" ], [ "(66063) 1998 RO1", "APOAPSIS", "254989570.60815 (kilometres)" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "(66391) 1999 KW4", "AVERAGE_SPEED", "37.16 (kilometrePerSeconds)" ], [ "(66391) 1999 KW4", "DENSITY", "2.0 (gramPerCubicCentimetres)" ], [ "(66391) 1999 KW4", "APOAPSIS", "162164091.8388 (kilometres)" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "1000 Piazzia", "ORBITAL_PERIOD", "488160.0" ], [ "1000 Piazzia", "PERIAPSIS", "352497000000.0" ], [ "1000 Piazzia", "EPOCH", "2015-06-27" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "1001 Gaussia", "EPOCH", "2015-06-27" ], [ "1001 Gaussia", "FORMER_NAME", "\"1923 OAA907 XC\"" ], [ "1001 Gaussia", "PERIAPSIS", "419113394.55312 (kilometres)" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "101 Helena", "MASS", "3.0 (kilograms)" ], [ "101 Helena", "ESCAPE_VELOCITY", "0.0348 (kilometrePerSeconds)" ], [ "101 Helena", "APOAPSIS", "441092000.0 (kilometres)" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "1036 Ganymed", "DISCOVERER", "Walter Baade" ], [ "Walter Baade", "NATIONALITY", "Germany" ], [ "Walter Baade", "ALMA_MATER", "University of G\u00f6ttingen" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "103 Hera", "DISCOVERER", "James Craig Watson" ], [ "103 Hera", "EPOCH", "2011-08-27" ], [ "James Craig Watson", "DEATH_PLACE", "Madison, Wisconsin" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "103 Hera", "DISCOVERER", "James Craig Watson" ], [ "James Craig Watson", "DEATH_PLACE", "Madison, Wisconsin" ], [ "James Craig Watson", "DEATH_CAUSE", "Peritonitis" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "103 Hera", "EPOCH", "2011-08-27" ], [ "103 Hera", "ORBITAL_PERIOD", "1622.213 (days)" ], [ "103 Hera", "APOAPSIS", "437170000.0 (kilometres)" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "103 Hera", "ESCAPE_VELOCITY", "0.0482 (kilometrePerSeconds)" ], [ "103 Hera", "TEMPERATURE", "170.0 (kelvins)" ], [ "103 Hera", "APOAPSIS", "437170000.0 (kilometres)" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "107 Camilla", "DISCOVERER", "N. R. Pogson" ], [ "N. R. Pogson", "BIRTH_PLACE", "Nottingham" ], [ "N. R. Pogson", "NATIONALITY", "England" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "1089 Tama", "EPOCH", "2005-11-26" ], [ "1089 Tama", "FORMER_NAME", "\"A894 VA; A904 VD;\"" ], [ "1089 Tama", "ORBITAL_PERIOD", "1202.846 (days)" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "1089 Tama", "EPOCH", "2005-11-26" ], [ "1089 Tama", "PERIAPSIS", "288749000000.0" ], [ "1089 Tama", "APOAPSIS", "373513000.0 (kilometres)" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "1097 Vicia", "EPOCH", "2006-12-31" ], [ "1097 Vicia", "FORMER_NAME", "\"1928 PC\"" ], [ "1097 Vicia", "PERIAPSIS", "279142000000.0" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "109 Felicitas", "EPOCH", "2006-12-31" ], [ "109 Felicitas", "MASS", "7.5 (kilograms)" ], [ "109 Felicitas", "ORBITAL_PERIOD", "139705000.0" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "109 Felicitas", "EPOCH", "2006-12-31" ], [ "109 Felicitas", "ORBITAL_PERIOD", "139705000.0" ], [ "109 Felicitas", "APOAPSIS", "523329000.0 (kilometres)" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "10 Hygiea", "AVERAGE_SPEED", "16.76 (kilometrePerSeconds)" ], [ "10 Hygiea", "ORBITAL_PERIOD", "5.57 (days)" ], [ "10 Hygiea", "APOAPSIS", "523951582.33968 (kilometres)" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "10 Hygiea", "AVERAGE_SPEED", "16.76 (kilometrePerSeconds)" ], [ "10 Hygiea", "SURFACE_AREA", "837080.744 (squareKilometres)" ], [ "10 Hygiea", "APOAPSIS", "523951582.33968 (kilometres)" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "10 Hygiea", "SURFACE_AREA", "837080.744 (squareKilometres)" ], [ "10 Hygiea", "APOAPSIS", "523951582.33968 (kilometres)" ], [ "10 Hygiea", "TEMPERATURE", "164.0 (kelvins)" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "110 Lydia", "EPOCH", "2006-12-31" ], [ "110 Lydia", "MASS", "6.7 (kilograms)" ], [ "110 Lydia", "PERIAPSIS", "377016000000.0" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "110 Lydia", "EPOCH", "2006-12-31" ], [ "110 Lydia", "PERIAPSIS", "377016000000.0" ], [ "110 Lydia", "APOAPSIS", "440756000.0 (kilometres)" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Aaron Bertram", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Kids Imagine Nation" ], [ "Aaron Bertram", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Suburban Legends" ], [ "Suburban Legends", "GENRE", "Pop music" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Aaron Deer", "GENRE", "Indie rock" ], [ "Aaron Deer", "ORIGIN", "Indiana" ], [ "Aaron Deer", "ORIGIN", "United States" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Aaron Deer", "ORIGIN", "United States" ], [ "Aaron Deer", "GENRE", "Psychedelia" ], [ "Aaron Deer", "ORIGIN", "Indiana" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Aaron Turner", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Twilight (band)" ], [ "Aaron Turner", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Greymachine" ], [ "Aaron Turner", "GENRE", "Black metal" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Aaron Turner", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Twilight (band)" ], [ "Aaron Turner", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Greymachine" ], [ "Aaron Turner", "GENRE", "Drone music" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Aaron Turner", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Twilight (band)" ], [ "Aaron Turner", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Mamiffer" ], [ "Aaron Turner", "GENRE", "Ambient music" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Aaron Turner", "GENRE", "Black metal" ], [ "Aaron Turner", "INSTRUMENT", "Electric guitar" ], [ "Black metal", "MUSIC_FUSION_GENRE", "Death metal" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Aaron Turner", "GENRE", "Black metal" ], [ "Aaron Turner", "INSTRUMENT", "Singing" ], [ "Black metal", "MUSIC_FUSION_GENRE", "Death metal" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Abradab", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Magik (rapper)" ], [ "Abradab", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Kaliber 44" ], [ "Abradab", "DATE_OF_BIRTH", "1978-11-12" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Abradab", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Magik (rapper)" ], [ "Abradab", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Kaliber 44" ], [ "Abradab", "ORIGIN", "Katowice" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Ace Wilder", "GENRE", "Hip hop music" ], [ "Hip hop music", "STYLISTIC_ORIGIN", "Funk" ], [ "Hip hop music", "STYLISTIC_ORIGIN", "Disco" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Agust\u00edn Barboza", "BIRTH_PLACE", "Asunci\u00f3n" ], [ "Paraguay", "LEADER_NAME", "Juan Afara" ], [ "Agust\u00edn Barboza", "BIRTH_PLACE", "Paraguay" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Al Anderson (NRBQ band)", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "NRBQ" ], [ "Al Anderson (NRBQ band)", "INSTRUMENT", "Singing" ], [ "Al Anderson (NRBQ band)", "GENRE", "Rock music" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Alan Frew", "GENRE", "Rock music" ], [ "Rock music", "STYLISTIC_ORIGIN", "Country music" ], [ "Rock music", "MUSIC_FUSION_GENRE", "Bhangra (music)" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Albennie Jones", "GENRE", "Jazz" ], [ "Jazz", "STYLISTIC_ORIGIN", "Blues" ], [ "Jazz", "MUSIC_FUSION_GENRE", "Afrobeat" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Albennie Jones", "GENRE", "Rhythm and blues" ], [ "Albennie Jones", "BIRTH_PLACE", "Errata, Mississippi" ], [ "Rhythm and blues", "DERIVATIVE", "Disco" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Aleksandra Kova\u010d", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Bebi Dol" ], [ "Aleksandra Kova\u010d", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "K2 (Kova\u010d sisters duo)" ], [ "Aleksandra Kova\u010d", "GENRE", "Pop music" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Aleksandra Kova\u010d", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Bebi Dol" ], [ "Aleksandra Kova\u010d", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Kornelije Kova\u010d" ], [ "Aleksandra Kova\u010d", "GENRE", "Pop music" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Aleksandra Kova\u010d", "GENRE", "Rhythm and blues" ], [ "Aleksandra Kova\u010d", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "K2 (Kova\u010d sisters duo)" ], [ "Aleksandra Kova\u010d", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Kristina Kova\u010d" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Alex Day", "GENRE", "Synthpop" ], [ "Synthpop", "STYLISTIC_ORIGIN", "Pop music" ], [ "Synthpop", "STYLISTIC_ORIGIN", "Disco" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Alfred Garth Jones", "BIRTH_PLACE", "England" ], [ "Alfred Garth Jones", "BIRTH_PLACE", "Manchester" ], [ "Alfred Garth Jones", "DEATH_PLACE", "Sidcup" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Alfred Garth Jones", "DEATH_PLACE", "London" ], [ "Alfred Garth Jones", "BIRTH_PLACE", "England" ], [ "Alfred Garth Jones", "NATIONALITY", "United Kingdom" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Alfred Garth Jones", "DEATH_PLACE", "London" ], [ "Alfred Garth Jones", "NATIONALITY", "United Kingdom" ], [ "Alfred Garth Jones", "BIRTH_PLACE", "Manchester" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Alfred Garth Jones", "DEATH_PLACE", "Sidcup" ], [ "Alfred Garth Jones", "BIRTH_PLACE", "Manchester" ], [ "Manchester", "LEADER_NAME", "Labour Party (UK)" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Alfred Garth Jones", "DEATH_PLACE", "Sidcup" ], [ "Alfred Garth Jones", "DEATH_PLACE", "London" ], [ "London", "LEADER_NAME", "Boris Johnson" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Alison O'Donnell", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Flibbertigibbet" ], [ "Alison O'Donnell", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Mellow Candle" ], [ "Alison O'Donnell", "GENRE", "Folk music of Ireland" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Alison O'Donnell", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Mellow Candle" ], [ "Alison O'Donnell", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Flibbertigibbet" ], [ "Alison O'Donnell", "GENRE", "Folk music" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Alison O'Donnell", "GENRE", "Jazz" ], [ "Jazz", "DERIVATIVE", "Funk" ], [ "Alison O'Donnell", "INSTRUMENT", "\"Voice, bodhr\u00e1n, percussion, autoharp\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Alison O'Donnell", "GENRE", "Jazz" ], [ "Jazz", "DERIVATIVE", "Funk" ], [ "Alison O'Donnell", "RECORD_LABEL", "Static Caravan Recordings" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Allen Forrest", "BIRTH_PLACE", "Dothan, Alabama" ], [ "Allen Forrest", "GENRE", "Pop music" ], [ "Allen Forrest", "BACKGROUND", "\"solo singer\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Allen Forrest", "GENRE", "Rhythm and blues" ], [ "Allen Forrest", "BIRTH_PLACE", "Dothan, Alabama" ], [ "Allen Forrest", "BACKGROUND", "\"solo singer\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Alternative rock", "MUSIC_FUSION_GENRE", "Nu metal" ], [ "Andrew White (musician)", "GENRE", "Alternative rock" ], [ "Alternative rock", "STYLISTIC_ORIGIN", "New wave music" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Anders Osborne", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Billy Iuso" ], [ "Anders Osborne", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Tab Benoit" ], [ "Anders Osborne", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Kirk Joseph" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Anders Osborne", "RECORD_LABEL", "Rabadash Records" ], [ "Anders Osborne", "GENRE", "Rock music" ], [ "Rock music", "MUSIC_FUSION_GENRE", "Bhangra (music)" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Andra (singer)", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Puya (singer)" ], [ "Andra (singer)", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "CRBL" ], [ "Andra (singer)", "GENRE", "Dance-pop" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Andra (singer)", "GENRE", "Rhythm and blues" ], [ "Andra (singer)", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Andreea B\u0103lan" ], [ "Andra (singer)", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Marius Moga" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Andra (singer)", "GENRE", "Rhythm and blues" ], [ "Andra (singer)", "BACKGROUND", "\"solo singer\"" ], [ "Rhythm and blues", "DERIVATIVE", "Disco" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Andrew Rayel", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Christian Burns" ], [ "Andrew Rayel", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Jonathan Mendelsohn" ], [ "Andrew Rayel", "GENRE", "Trance music" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Andrew Rayel", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Jonathan Mendelsohn" ], [ "Andrew Rayel", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Bobina" ], [ "Andrew Rayel", "GENRE", "Trance music" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Andrew Rayel", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Jwaydan Moyine" ], [ "Christian Burns", "GENRE", "House music" ], [ "Andrew Rayel", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Christian Burns" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Andrew White (musician)", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Marry Banilow" ], [ "Andrew White (musician)", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Kaiser Chiefs" ], [ "Andrew White (musician)", "RECORD_LABEL", "Universal Records (defunct record label)" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Ska punk", "STYLISTIC_ORIGIN", "Ska" ], [ "Aaron Bertram", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Suburban Legends" ], [ "Aaron Bertram", "GENRE", "Ska punk" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "United States", "ETHNIC_GROUP", "African Americans" ], [ "Albennie Jones", "BIRTH_PLACE", "Errata, Mississippi" ], [ "Albennie Jones", "BIRTH_PLACE", "United States" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "1955 Dodge", "ENGINE", "V8 engine" ], [ "1955 Dodge", "TRANSMISSION", "\"3-speed automatic\"" ], [ "1955 Dodge", "ALTERNATIVE_NAME", "\"Dodge Coronet\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "A-Rosa Luna", "SHIP_CLASS", "Cruise ship" ], [ "A-Rosa Luna", "LENGTH", "125800.0 (millimetres)" ], [ "A-Rosa Luna", "SHIP_ORDERED", "2004-01-22" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "A-Rosa Luna", "SHIP_DISPLACEMENT", "1850.0 (tonnes)" ], [ "A-Rosa Luna", "TOP_SPEED", "24.0" ], [ "A-Rosa Luna", "LENGTH", "125800.0 (millimetres)" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "AIDA Cruises", "LOCATION", "Germany" ], [ "AIDAstella", "OPERATOR", "AIDA Cruises" ], [ "AIDAstella", "OWNER", "Costa Crociere" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "AIDAstella", "CHRISTENING_DATE", "2013-03-16" ], [ "AIDAstella", "SHIP_IN_SERVICE", "2013-03-17" ], [ "AIDAstella", "LENGTH", "253260.0 (millimetres)" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "ALCO RS-3", "BUILDER", "American Locomotive Company" ], [ "ALCO RS-3", "ENGINE", "Four-stroke engine" ], [ "ALCO RS-3", "LENGTH", "17068.8 (millimetres)" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "ALCO RS-3", "BUILDER", "American Locomotive Company" ], [ "ALCO RS-3", "ENGINE", "V12 engine" ], [ "ALCO RS-3", "LENGTH", "17068.8 (millimetres)" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "ALCO RS-3", "BUILDER", "American Locomotive Company" ], [ "ALCO RS-3", "LENGTH", "17068.8 (millimetres)" ], [ "American Locomotive Company", "FOUNDATION_PLACE", "Schenectady, New York" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "ALV X-1", "COUNTRY_ORIGIN", "United States" ], [ "United States", "ETHNIC_GROUP", "African Americans" ], [ "United States", "DEMONYM", "Americans" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "ALV X-1", "COUNTRY_ORIGIN", "United States" ], [ "United States", "ETHNIC_GROUP", "Native Americans in the United States" ], [ "United States", "CAPITAL", "Washington, D.C." ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "ALV X-1", "DIAMETER", "1.524 (metres)" ], [ "ALV X-1", "ROCKET_STAGES", "2" ], [ "ALV X-1", "TOTAL_LAUNCHES", "1" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Abarth 1000 GT Coup\u00e9", "PRODUCTION_END_YEAR", "1958" ], [ "Abarth 1000 GT Coup\u00e9", "BODY_STYLE", "Coup\u00e9" ], [ "Abarth 1000 GT Coup\u00e9", "ENGINE", "Straight-four engine" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Abarth 1000 GT Coup\u00e9", "WHEELBASE", "2160.0 (millimetres)" ], [ "Abarth 1000 GT Coup\u00e9", "WIDTH", "1.55" ], [ "Abarth 1000 GT Coup\u00e9", "BODY_STYLE", "\"Two door coup\u00e9\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Aleksey Chirikov (icebreaker)", "SHIP_BEAM", "21.2" ], [ "Aleksey Chirikov (icebreaker)", "BUILDER", "Helsinki" ], [ "Aleksey Chirikov (icebreaker)", "BUILDER", "Arctech Helsinki Shipyard" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Alfa Romeo 164", "ASSEMBLY", "Italy" ], [ "Italy", "CAPITAL", "Rome" ], [ "Alfa Romeo 164", "RELATED_MEAN_OF_TRANSPORTATION", "Fiat Croma" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Alfa Romeo 164", "ASSEMBLY", "Italy" ], [ "Italy", "CAPITAL", "Rome" ], [ "Alfa Romeo 164", "RELATED_MEAN_OF_TRANSPORTATION", "Lancia Thema" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Alfa Romeo 164", "RELATED_MEAN_OF_TRANSPORTATION", "Fiat Croma" ], [ "Alfa Romeo 164", "ASSEMBLY", "Arese" ], [ "Alfa Romeo 164", "RELATED_MEAN_OF_TRANSPORTATION", "Lancia Thema" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Alfa Romeo 164", "RELATED_MEAN_OF_TRANSPORTATION", "Fiat Croma" ], [ "Alfa Romeo 164", "ASSEMBLY", "Milan" ], [ "Alfa Romeo 164", "RELATED_MEAN_OF_TRANSPORTATION", "Saab 9000" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Alhambra", "SHIP_BEAM", "8.3 m" ], [ "Alhambra", "LENGTH", "63800.0 (millimetres)" ], [ "Alhambra", "SHIP_LAUNCH", "1855-05-31" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Alhambra", "SHIP_BEAM", "8.3 m" ], [ "Alhambra", "SHIP_LAUNCH", "1855-05-31" ], [ "Alhambra", "STATUS", "\"Wrecked\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Alvis Speed 25", "MANUFACTURER", "Alvis Car and Engineering Company" ], [ "Alvis Car and Engineering Company", "FOUNDATION_PLACE", "Coventry" ], [ "Alvis Speed 25", "ENGINE", "\"Petrol\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "American Motors", "FATE", "Eagle (automobile)" ], [ "AMC Matador", "MANUFACTURER", "American Motors" ], [ "American Motors", "KEY_PERSON", "Roy D. Chapin, Jr." ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Antares (rocket)", "MANUFACTURER", "Yuzhnoye Design Office" ], [ "Antares (rocket)", "COMPARABLE", "Delta II" ], [ "Delta II", "COUNTRY_ORIGIN", "United States" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Antares (rocket)", "MANUFACTURER", "Yuzhnoye Design Office" ], [ "Antares (rocket)", "LAUNCH_SITE", "Mid-Atlantic Regional Spaceport Launch Pad 0" ], [ "Antares (rocket)", "FUNCTION", "\"Medium expendable launch system\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Ariane 5", "MANUFACTURER", "Arianespace" ], [ "ELA-3", "SITE", "Guiana Space Centre" ], [ "Ariane 5", "LAUNCH_SITE", "ELA-3" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Aston Martin V8", "RELATED_MEAN_OF_TRANSPORTATION", "Aston Martin DBS" ], [ "Aston Martin V8", "ASSEMBLY", "\"Newport Pagnell, Buckinghamshire, England, United Kingdom\"" ], [ "Aston Martin V8", "ENGINE", "5.3 (litres)" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Aston Martin V8", "RELATED_MEAN_OF_TRANSPORTATION", "Aston Martin DBS" ], [ "Aston Martin V8", "ENGINE", "5.3 (litres)" ], [ "Aston Martin V8", "ASSEMBLY", "United Kingdom" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Atlas II", "COUNTRY_ORIGIN", "United States" ], [ "Atlas II", "LAUNCH_SITE", "Vandenberg Air Force Base" ], [ "Atlas II", "LAUNCH_SITE", "Cape Canaveral Air Force Station" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Atlas II", "COUNTRY_ORIGIN", "United States" ], [ "United States", "ETHNIC_GROUP", "Native Americans in the United States" ], [ "United States", "LEADER_TITLE", "President of the United States" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Atlas II", "LAUNCH_SITE", "Cape Canaveral Air Force Station" ], [ "Atlas II", "COUNTRY_ORIGIN", "United States" ], [ "Atlas II", "LAUNCH_SITE", "Spaceport Florida Launch Complex 36" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Audi A1", "ENGINE", "1.2 (litres)" ], [ "Audi A1", "ASSEMBLY", "Audi Brussels" ], [ "Audi A1", "BODY_STYLE", "Hatchback" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Audi A1", "MANUFACTURER", "Audi" ], [ "Audi A1", "RELATED_MEAN_OF_TRANSPORTATION", "SEAT Ibiza" ], [ "Audi A1", "RELATED_MEAN_OF_TRANSPORTATION", "Volkswagen Polo" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Caterpillar Inc.", "FOUNDATION_PLACE", "California" ], [ "Caterpillar Inc.", "LOCATION", "Peoria, Illinois" ], [ "AIDAluna", "POWER_TYPE", "Caterpillar Inc." ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Caterpillar Inc.", "LOCATION", "Illinois" ], [ "AIDAluna", "OWNER", "AIDA Cruises" ], [ "AIDAluna", "POWER_TYPE", "Caterpillar Inc." ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Costa Crociere", "LOCATION", "Genoa" ], [ "AIDAstella", "OPERATOR", "AIDA Cruises" ], [ "AIDAstella", "OWNER", "Costa Crociere" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Delta II", "LAUNCH_SITE", "Vandenberg AFB Space Launch Complex 2" ], [ "Antares (rocket)", "COMPARABLE", "Delta II" ], [ "Delta II", "COUNTRY_ORIGIN", "United States" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Guiana Space Centre", "HEADQUARTER", "French Guiana" ], [ "ELA-3", "SITE", "Guiana Space Centre" ], [ "Ariane 5", "LAUNCH_SITE", "ELA-3" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Guiana Space Centre", "LOCATION", "Kourou, French Guiana" ], [ "ELA-3", "SITE", "Guiana Space Centre" ], [ "Ariane 5", "LAUNCH_SITE", "ELA-3" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Neptun Werft", "LOCATION_CITY", "Rostock" ], [ "A-Rosa Luna", "BUILDER", "Neptun Werft" ], [ "Neptun Werft", "LOCATION_COUNTRY", "Germany" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "United States", "DEMONYM", "Americans" ], [ "Atlas II", "COUNTRY_ORIGIN", "United States" ], [ "United States", "ETHNIC_GROUP", "African Americans" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Aaron Hunt", "CLUB", "VfL Wolfsburg" ], [ "Aaron Hunt", "YOUTH_CLUB", "Goslarer SC 08" ], [ "Aaron Hunt", "CLUB", "SV Werder Bremen" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Aaron Hunt", "CLUB", "VfL Wolfsburg" ], [ "VfL Wolfsburg", "MANAGER", "Dieter Hecking" ], [ "Aaron Hunt", "CLUB", "SV Werder Bremen II" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Abel Hern\u00e1ndez", "YOUTH_CLUB", "Central Espa\u00f1ol" ], [ "Abel Hern\u00e1ndez", "CLUB", "Hull City A.F.C." ], [ "Abel Hern\u00e1ndez", "CLUB", "U.S. Citt\u00e0 di Palermo" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Abel Hern\u00e1ndez", "YOUTH_CLUB", "Central Espa\u00f1ol" ], [ "Abel Hern\u00e1ndez", "CLUB", "U.S. Citt\u00e0 di Palermo" ], [ "Abel Hern\u00e1ndez", "CLUB", "Pe\u00f1arol" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Adam Maher", "CLUB", "PSV Eindhoven" ], [ "Adam Maher", "BIRTH_PLACE", "Netherlands" ], [ "Adam Maher", "CLUB", "AZ Alkmaar" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Akeem Adams", "CLUB", "United Petrotrin F.C." ], [ "United Petrotrin F.C.", "GROUND", "Palo Seco" ], [ "Akeem Adams", "CLUB", "W Connection F.C." ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Akeem Ayers", "FORMER_TEAM", "Los Angeles Rams" ], [ "Akeem Ayers", "DRAFT_ROUND", "\"2\"" ], [ "Akeem Ayers", "DRAFT_PICK", "\"39\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Akeem Ayers", "FORMER_TEAM", "St. Louis Rams" ], [ "Akeem Ayers", "DRAFT_ROUND", "\"2\"" ], [ "Akeem Ayers", "DRAFT_PICK", "\"39\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Akeem Dent", "DEBUT_TEAM", "Atlanta Falcons" ], [ "Akeem Dent", "DATE_OF_BIRTH", "1987-09-27" ], [ "Akeem Dent", "BIRTH_PLACE", "\"Atlanta, Georgia\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Alaa Abdul-Zahra", "BIRTH_PLACE", "Iraq" ], [ "Alaa Abdul-Zahra", "CLUB", "Shabab Al-Ordon Club" ], [ "Alaa Abdul-Zahra", "CLUB", "Iraq national under-20 football team" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Alaa Abdul-Zahra", "CLUB", "Al Kharaitiyat SC" ], [ "Al Kharaitiyat SC", "GROUND", "Al Khor" ], [ "Alaa Abdul-Zahra", "CLUB", "Shabab Al-Ordon Club" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Alan Martin (footballer)", "CLUB", "Hamilton Academical F.C." ], [ "Alan Martin (footballer)", "DATE_OF_BIRTH", "1989-01-01" ], [ "Alan Martin (footballer)", "CLUB", "Clyde F.C." ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Alan Martin (footballer)", "CLUB", "Motherwell F.C." ], [ "Alan Martin (footballer)", "CLUB", "Accrington Stanley F.C." ], [ "Accrington Stanley F.C.", "GROUND", "Accrington" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Aleksander Barkov, Jr.", "CLUB", "Florida Panthers" ], [ "Aleksander Barkov, Jr.", "DATE_OF_BIRTH", "1995-09-02" ], [ "Aleksander Barkov, Jr.", "BIRTH_PLACE", "\"Tampere, Finland\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Aleksander Barkov, Jr.", "DRAFT_TEAM", "Florida Panthers" ], [ "Aleksander Barkov, Jr.", "DATE_OF_BIRTH", "1995-09-02" ], [ "Aleksander Barkov, Jr.", "BIRTH_PLACE", "\"Tampere, Finland\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Aleksandr Chumakov", "DEATH_PLACE", "Russia" ], [ "Russia", "LEADER_NAME", "Vladimir Putin" ], [ "Aleksandr Chumakov", "BIRTH_PLACE", "Soviet Union" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Aleksandr Prudnikov", "DATE_OF_BIRTH", "1989-02-24" ], [ "Aleksandr Prudnikov", "CLUB", "FC Kuban Krasnodar" ], [ "Aleksandr Prudnikov", "CLUB", "FC Alania Vladikavkaz" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Aleksandr Prudnikov", "DATE_OF_BIRTH", "1989-02-24" ], [ "Aleksandr Prudnikov", "CLUB", "Russia national football B team" ], [ "Aleksandr Prudnikov", "CLUB", "FC Tom Tomsk" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Aleksandre Guruli", "CLUB", "Olympique Lyonnais" ], [ "Olympique Lyonnais", "GROUND", "Parc Olympique Lyonnais" ], [ "Aleksandre Guruli", "CLUB", "AZAL PFK" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Aleksandre Guruli", "CLUB", "Olympique Lyonnais" ], [ "Olympique Lyonnais", "GROUND", "Parc Olympique Lyonnais" ], [ "Aleksandre Guruli", "CLUB", "US Lesquin" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Alessio Romagnoli", "CLUB", "A.C. Milan" ], [ "A.C. Milan", "MANAGER", "Sini\u0161a Mihajlovi\u0107" ], [ "Alessio Romagnoli", "CLUB", "Italy national under-16 football team" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Alessio Romagnoli", "CLUB", "A.C. Milan" ], [ "A.C. Milan", "MANAGER", "Sini\u0161a Mihajlovi\u0107" ], [ "Alessio Romagnoli", "CLUB", "U.C. Sampdoria" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Alessio Romagnoli", "CLUB", "Italy national under-16 football team" ], [ "Italy national under-16 football team", "COACH", "Daniele Zoratto" ], [ "Alessio Romagnoli", "CLUB", "A.S. Roma" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Alessio Romagnoli", "CLUB", "Italy national under-17 football team" ], [ "Alessio Romagnoli", "CLUB", "U.C. Sampdoria" ], [ "Alessio Romagnoli", "BIRTH_PLACE", "Italy" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Alex Plante", "BIRTH_PLACE", "Brandon, Manitoba" ], [ "Alex Plante", "HEIGHT", "1.9304" ], [ "Alex Plante", "CLUB", "Anyang Halla" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Alex Plante", "HEIGHT", "1.9304" ], [ "Alex Plante", "CLUB", "Anyang Halla" ], [ "Alex Plante", "BIRTH_PLACE", "Canada" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Alex Tyus", "LEAGUE", "Euroleague" ], [ "Alex Tyus", "CLUB", "Maccabi Ashdod B.C." ], [ "Maccabi Ashdod B.C.", "COACH", "Zvi Sherf" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Alex Tyus", "LEAGUE", "Turkish Basketball Super League" ], [ "Alex Tyus", "CLUB", "Maccabi Ashdod B.C." ], [ "Maccabi Ashdod B.C.", "COACH", "Zvi Sherf" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "FC Spartak Moscow", "GROUND", "Otkrytiye Arena" ], [ "Aleksandr Prudnikov", "CLUB", "FC Tom Tomsk" ], [ "Aleksandr Prudnikov", "CLUB", "FC Spartak Moscow" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "FC Spartak Moscow", "GROUND", "Otkrytiye Arena" ], [ "Aleksandr Prudnikov", "YOUTH_CLUB", "FC Spartak Moscow" ], [ "Aleksandr Prudnikov", "CLUB", "FC Anzhi Makhachkala" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "FC Torpedo Moscow", "SEASON", "2014\u201315 Russian Premier League" ], [ "Aleksandr Chumakov", "CLUB", "FC Torpedo Moscow" ], [ "FC Torpedo Moscow", "MANAGER", "Valery Petrakov" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Hull City A.F.C.", "MANAGER", "Steve Bruce" ], [ "Abel Hern\u00e1ndez", "CLUB", "Hull City A.F.C." ], [ "Abel Hern\u00e1ndez", "CLUB", "Uruguay Olympic football team" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Moscow", "LEADER_NAME", "Sergey Sobyanin" ], [ "Aleksandr Chumakov", "DEATH_PLACE", "Russia" ], [ "Aleksandr Chumakov", "BIRTH_PLACE", "Moscow" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Real Madrid Castilla", "MANAGER", "Luis Miguel Ramis" ], [ "Abner (footballer)", "CLUB", "Brazil national under-20 football team" ], [ "Abner (footballer)", "CLUB", "Real Madrid Castilla" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Real Madrid Castilla", "MANAGER", "Luis Miguel Ramis" ], [ "Abner (footballer)", "CLUB", "Real Madrid Castilla" ], [ "Abner (footballer)", "CLUB", "C.D. FAS" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "St. Louis", "IS_PART_OF", "Greater St. Louis" ], [ "Alex Tyus", "BIRTH_PLACE", "St. Louis" ], [ "St. Louis", "LEADER_NAME", "Francis G. Slay" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Tennessee Titans", "CITY", "Nashville, Tennessee" ], [ "Akeem Ayers", "FORMER_TEAM", "New England Patriots" ], [ "Akeem Ayers", "DEBUT_TEAM", "Tennessee Titans" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "United Petrotrin F.C.", "GROUND", "Palo Seco" ], [ "Akeem Adams", "CLUB", "Trinidad and Tobago national under-20 football team" ], [ "Akeem Adams", "CLUB", "United Petrotrin F.C." ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Aaron Hunt", "CLUB", "SV Werder Bremen" ], [ "SV Werder Bremen II", "MANAGER", "Alexander Nouri" ], [ "Aaron Hunt", "CLUB", "SV Werder Bremen II" ], [ "SV Werder Bremen II", "LEAGUE", "3. Liga" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Abel Hern\u00e1ndez", "CLUB", "Pe\u00f1arol" ], [ "Abel Hern\u00e1ndez", "YOUTH_CLUB", "Central Espa\u00f1ol" ], [ "Hull City A.F.C.", "MANAGER", "Steve Bruce" ], [ "Abel Hern\u00e1ndez", "CLUB", "Hull City A.F.C." ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Abel Hern\u00e1ndez", "YOUTH_CLUB", "Pe\u00f1arol" ], [ "Abel Hern\u00e1ndez", "CLUB", "Central Espa\u00f1ol" ], [ "Pe\u00f1arol", "MANAGER", "Jorge Orosm\u00e1n da Silva" ], [ "Abel Hern\u00e1ndez", "CLUB", "U.S. Citt\u00e0 di Palermo" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Abel Hern\u00e1ndez", "YOUTH_CLUB", "Pe\u00f1arol" ], [ "U.S. Citt\u00e0 di Palermo", "MANAGER", "Giuseppe Iachini" ], [ "Abel Hern\u00e1ndez", "CLUB", "U.S. Citt\u00e0 di Palermo" ], [ "U.S. Citt\u00e0 di Palermo", "LEAGUE", "Serie A" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Adam McQuaid", "BIRTH_PLACE", "Prince Edward Island" ], [ "Adam McQuaid", "DATE_OF_BIRTH", "1986-10-12" ], [ "Adam McQuaid", "WEIGHT", "94.8024 (kilograms)" ], [ "Adam McQuaid", "DATE_OF_BIRTH", "1986" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Adam McQuaid", "DRAFT_TEAM", "Columbus Blue Jackets" ], [ "Boston Bruins", "GENERAL_MANAGER", "Don Sweeney" ], [ "Columbus Blue Jackets", "CITY", "Columbus, Ohio" ], [ "Adam McQuaid", "CLUB", "Boston Bruins" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Akeem Ayers", "FORMER_TEAM", "St. Louis Rams" ], [ "Akeem Ayers", "DATE_OF_BIRTH", "1989-07-10" ], [ "Akeem Ayers", "DEBUT_TEAM", "Tennessee Titans" ], [ "Akeem Ayers", "DATE_OF_BIRTH", "1989" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Akeem Dent", "DATE_OF_BIRTH", "1987" ], [ "Akeem Dent", "FORMER_TEAM", "Houston Texans" ], [ "Akeem Dent", "DATE_OF_BIRTH", "1987-09-27" ], [ "Akeem Dent", "BIRTH_PLACE", "\"Atlanta, Georgia\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Akeem Dent", "DEBUT_TEAM", "Atlanta Falcons" ], [ "Akeem Dent", "FORMER_TEAM", "Houston Texans" ], [ "Akeem Dent", "DATE_OF_BIRTH", "1987-09-27" ], [ "Akeem Dent", "BIRTH_PLACE", "\"Atlanta, Georgia\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Al Kharaitiyat SC", "GROUND", "Al Khor" ], [ "Alaa Abdul-Zahra", "CLUB", "Al-Zawra'a SC" ], [ "Alaa Abdul-Zahra", "CLUB", "Al Kharaitiyat SC" ], [ "Al Kharaitiyat SC", "MANAGER", "Amar Osim" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Alaa Abdul-Zahra", "CLUB", "Al Kharaitiyat SC" ], [ "Al Kharaitiyat SC", "GROUND", "Al Khor" ], [ "Alaa Abdul-Zahra", "CLUB", "Iraq national under-23 football team" ], [ "Al Kharaitiyat SC", "MANAGER", "Amar Osim" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Alaa Abdul-Zahra", "CLUB", "Al Kharaitiyat SC" ], [ "Al Kharaitiyat SC", "GROUND", "Al Khor" ], [ "Alaa Abdul-Zahra", "CLUB", "Shabab Al-Ordon Club" ], [ "Al Kharaitiyat SC", "MANAGER", "Amar Osim" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Alan Martin (footballer)", "CLUB", "Hamilton Academical F.C." ], [ "Alan Martin (footballer)", "DATE_OF_BIRTH", "1989-01-01" ], [ "Alan Martin (footballer)", "HEIGHT", "185.42 (centimetres)" ], [ "Alan Martin (footballer)", "CLUB", "Crewe Alexandra F.C." ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Alan Martin (footballer)", "CLUB", "Scotland national under-21 football team" ], [ "Alan Martin (footballer)", "DATE_OF_BIRTH", "1989-01-01" ], [ "Alan Martin (footballer)", "HEIGHT", "185.42 (centimetres)" ], [ "Alan Martin (footballer)", "CLUB", "Crewe Alexandra F.C." ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Aleksandr Prudnikov", "DATE_OF_BIRTH", "1989-02-24" ], [ "Aleksandr Prudnikov", "HEIGHT", "185.0 (centimetres)" ], [ "Aleksandr Prudnikov", "CLUB", "FC Kuban Krasnodar" ], [ "Aleksandr Prudnikov", "CLUB", "FC Dynamo Moscow" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Aleksandr Prudnikov", "CLUB", "FC Spartak Moscow" ], [ "Aleksandr Prudnikov", "DATE_OF_BIRTH", "1989-02-24" ], [ "Aleksandr Prudnikov", "HEIGHT", "185.0 (centimetres)" ], [ "Aleksandr Prudnikov", "CLUB", "FC Rubin Kazan" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Aleksandre Guruli", "CLUB", "FC Karpaty Lviv" ], [ "Aleksandre Guruli", "BIRTH_PLACE", "Batumi" ], [ "Aleksandre Guruli", "HEIGHT", "178.0 (centimetres)" ], [ "Aleksandre Guruli", "CLUB", "FC Zestafoni" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Alex Plante", "DATE_OF_BIRTH", "1989" ], [ "Alex Plante", "CLUB", "Anyang Halla" ], [ "Alex Plante", "BIRTH_PLACE", "Canada" ], [ "Alex Plante", "DATE_OF_BIRTH", "1989-05-09" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Alex Plante", "DATE_OF_BIRTH", "1989" ], [ "Alex Plante", "HEIGHT", "1.9304" ], [ "Alex Plante", "CLUB", "Anyang Halla" ], [ "Alex Plante", "BIRTH_PLACE", "Canada" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Canada", "ANTHEM", "O Canada" ], [ "Canada", "LEADER_NAME", "Elizabeth II" ], [ "Aaron Boogaard", "BIRTH_PLACE", "Canada" ], [ "Canada", "LANGUAGE", "Inuktitut" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Canada", "ANTHEM", "O Canada" ], [ "Canada", "LEADER_NAME", "Elizabeth II" ], [ "Canada", "ETHNIC_GROUP", "Asian Canadians" ], [ "Aaron Boogaard", "BIRTH_PLACE", "Canada" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Canada", "ANTHEM", "O Canada" ], [ "Canada", "LEADER_NAME", "Elizabeth II" ], [ "Canada", "LANGUAGE", "Slavey language" ], [ "Aaron Boogaard", "BIRTH_PLACE", "Canada" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "FC Terek Grozny", "GROUND", "Grozny" ], [ "Aleksandr Prudnikov", "CLUB", "FC Terek Grozny" ], [ "FC Terek Grozny", "MANAGER", "Rashid Rakhimov" ], [ "Aleksandr Prudnikov", "CLUB", "FC Kuban Krasnodar" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "FC Torpedo Moscow", "SEASON", "2014\u201315 Russian Premier League" ], [ "Aleksandr Chumakov", "CLUB", "FC Torpedo Moscow" ], [ "FC Torpedo Moscow", "MANAGER", "Valery Petrakov" ], [ "FC Torpedo Moscow", "CHAIRMAN", "Aleksandr Tukmanov" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Houston Texans", "CITY", "Texas" ], [ "Akeem Dent", "DEBUT_TEAM", "Atlanta Falcons" ], [ "Akeem Dent", "FORMER_TEAM", "Houston Texans" ], [ "Houston Texans", "CITY", "Houston" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Pe\u00f1arol", "LEAGUE", "Uruguayan Primera Divisi\u00f3n" ], [ "Abel Hern\u00e1ndez", "YOUTH_CLUB", "Pe\u00f1arol" ], [ "Hull City A.F.C.", "MANAGER", "Steve Bruce" ], [ "Abel Hern\u00e1ndez", "CLUB", "Hull City A.F.C." ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "(19255) 1994 VK8", "EPOCH", "2006-12-31" ], [ "(19255) 1994 VK8", "ORBITAL_PERIOD", "8788850000.0" ], [ "(19255) 1994 VK8", "PERIAPSIS", "6155910000000.0" ], [ "(19255) 1994 VK8", "APOAPSIS", "6603633000.0 (kilometres)" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "(66063) 1998 RO1", "EPOCH", "2013-11-04" ], [ "(66063) 1998 RO1", "ORBITAL_PERIOD", "360.29 (days)" ], [ "(66063) 1998 RO1", "ESCAPE_VELOCITY", "0.0999 (kilometrePerSeconds)" ], [ "(66063) 1998 RO1", "APOAPSIS", "254989570.60815 (kilometres)" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "(66063) 1998 RO1", "MEAN_TEMPERATURE", "265.0 (kelvins)" ], [ "(66063) 1998 RO1", "APOAPSIS", "254989570.60815 (kilometres)" ], [ "(66063) 1998 RO1", "EPOCH", "2013-11-04" ], [ "(66063) 1998 RO1", "ORBITAL_PERIOD", "360.29 (days)" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "1000 Piazzia", "EPOCH", "2015-06-27" ], [ "1000 Piazzia", "ORBITAL_PERIOD", "488160.0" ], [ "1000 Piazzia", "PERIAPSIS", "352497000000.0" ], [ "1000 Piazzia", "ESCAPE_VELOCITY", "0.0252 (kilometrePerSeconds)" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "1001 Gaussia", "DISCOVERER", "Sergey Belyavsky" ], [ "1001 Gaussia", "EPOCH", "2015-06-27" ], [ "1001 Gaussia", "FORMER_NAME", "\"1923 OAA907 XC\"" ], [ "1001 Gaussia", "PERIAPSIS", "419113394.55312 (kilometres)" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "1036 Ganymed", "DISCOVERER", "Walter Baade" ], [ "Walter Baade", "BIRTH_PLACE", "German Empire" ], [ "Walter Baade", "ALMA_MATER", "University of G\u00f6ttingen" ], [ "Walter Baade", "DOCTORAL_STUDENT", "Allan Sandage" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "1036 Ganymed", "DISCOVERER", "Walter Baade" ], [ "Walter Baade", "DOCTORAL_STUDENT", "Halton Arp" ], [ "Walter Baade", "BIRTH_PLACE", "Preu\u00dfisch Oldendorf" ], [ "Walter Baade", "ALMA_MATER", "University of G\u00f6ttingen" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "1036 Ganymed", "DISCOVERER", "Walter Baade" ], [ "Walter Baade", "DOCTORAL_STUDENT", "Halton Arp" ], [ "Walter Baade", "DEATH_PLACE", "West Germany" ], [ "Walter Baade", "ALMA_MATER", "University of G\u00f6ttingen" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "103 Hera", "DISCOVERER", "James Craig Watson" ], [ "James Craig Watson", "ALMA_MATER", "University of Michigan" ], [ "James Craig Watson", "DEATH_PLACE", "Madison, Wisconsin" ], [ "James Craig Watson", "DEATH_CAUSE", "Peritonitis" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "103 Hera", "DISCOVERER", "James Craig Watson" ], [ "James Craig Watson", "NATIONALITY", "Canada" ], [ "James Craig Watson", "DEATH_PLACE", "Madison, Wisconsin" ], [ "103 Hera", "APOAPSIS", "437170000.0 (kilometres)" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "103 Hera", "DISCOVERER", "James Craig Watson" ], [ "James Craig Watson", "NATIONALITY", "Canada" ], [ "James Craig Watson", "DEATH_PLACE", "Madison, Wisconsin" ], [ "James Craig Watson", "DEATH_CAUSE", "Peritonitis" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "107 Camilla", "DISCOVERER", "N. R. Pogson" ], [ "N. R. Pogson", "DEATH_PLACE", "Chennai" ], [ "107 Camilla", "PERIAPSIS", "479343000.0 (kilometres)" ], [ "N. R. Pogson", "BIRTH_PLACE", "Nottingham" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "107 Camilla", "DISCOVERER", "N. R. Pogson" ], [ "N. R. Pogson", "DEATH_PLACE", "Chennai" ], [ "N. R. Pogson", "BIRTH_PLACE", "Nottingham" ], [ "107 Camilla", "DISCOVERED", "2001-03-01" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "1089 Tama", "EPOCH", "2005-11-26" ], [ "1089 Tama", "FORMER_NAME", "\"A894 VA; A904 VD;\"" ], [ "1089 Tama", "ORBITAL_PERIOD", "1202.846 (days)" ], [ "1089 Tama", "PERIAPSIS", "288749000000.0" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "1089 Tama", "ESCAPE_VELOCITY", "0.0068 (kilometrePerSeconds)" ], [ "1089 Tama", "ORBITAL_PERIOD", "1202.846 (days)" ], [ "1089 Tama", "EPOCH", "2005-11-26" ], [ "1089 Tama", "APOAPSIS", "373513000.0 (kilometres)" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "1097 Vicia", "EPOCH", "2006-12-31" ], [ "1097 Vicia", "MASS", "9.8 (kilograms)" ], [ "1097 Vicia", "ORBITAL_PERIOD", "135589000.0" ], [ "1097 Vicia", "APOAPSIS", "511592000.0 (kilometres)" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "109 Felicitas", "EPOCH", "2006-12-31" ], [ "109 Felicitas", "ORBITAL_PERIOD", "139705000.0" ], [ "109 Felicitas", "PERIAPSIS", "283326000000.0" ], [ "109 Felicitas", "ESCAPE_VELOCITY", "0.0473 (kilometrePerSeconds)" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "10 Hygiea", "EPOCH", "2015-06-27" ], [ "10 Hygiea", "FORMER_NAME", "\"A900 GA\"" ], [ "10 Hygiea", "ORBITAL_PERIOD", "5.57 (days)" ], [ "10 Hygiea", "PERIAPSIS", "416136000000.0" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "1101 Clematis", "EPOCH", "2006-12-31" ], [ "1101 Clematis", "ESCAPE_VELOCITY", "0.02 (kilometrePerSeconds)" ], [ "1101 Clematis", "ORBITAL_PERIOD", "183309000.0" ], [ "1101 Clematis", "APOAPSIS", "520906000.0 (kilometres)" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "1101 Clematis", "EPOCH", "2006-12-31" ], [ "1101 Clematis", "FORMER_NAME", "\"1928 SJ\"" ], [ "1101 Clematis", "ORBITAL_PERIOD", "183309000.0" ], [ "1101 Clematis", "PERIAPSIS", "445895000000.0" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "1101 Clematis", "ESCAPE_VELOCITY", "0.02 (kilometrePerSeconds)" ], [ "1101 Clematis", "ORBITAL_PERIOD", "183309000.0" ], [ "1101 Clematis", "PERIAPSIS", "445895000000.0" ], [ "1101 Clematis", "EPOCH", "2006-12-31" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "1955 Dodge", "ENGINE", "V8 engine" ], [ "1955 Dodge", "MANUFACTURER", "Dodge" ], [ "1955 Dodge", "TRANSMISSION", "\"3-speed automatic\"" ], [ "1955 Dodge", "WHEELBASE", "120.0 (inches)" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "1955 Dodge", "RELATED_MEAN_OF_TRANSPORTATION", "DeSoto Custom" ], [ "DeSoto Custom", "RELATED_MEAN_OF_TRANSPORTATION", "Chrysler Newport" ], [ "DeSoto Custom", "SUCCESSOR", "DeSoto Firedome" ], [ "DeSoto Custom", "MANUFACTURER", "DeSoto (automobile)" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "AIDA Cruises", "LOCATION", "Rostock" ], [ "AIDAstella", "OPERATOR", "AIDA Cruises" ], [ "AIDAstella", "BUILDER", "Meyer Werft" ], [ "AIDAstella", "OWNER", "Costa Crociere" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "AIDAstella", "OPERATOR", "AIDA Cruises" ], [ "AIDAstella", "LENGTH", "253260.0 (millimetres)" ], [ "AIDAstella", "BUILDER", "Meyer Werft" ], [ "AIDAstella", "OWNER", "Costa Crociere" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "ALCO RS-3", "BUILDER", "American Locomotive Company" ], [ "ALCO RS-3", "BUILD_DATE", "\"May 1950 - August 1956\"" ], [ "ALCO RS-3", "ENGINE", "V12 engine" ], [ "ALCO RS-3", "POWER_TYPE", "Diesel-electric transmission" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "ALCO RS-3", "BUILDER", "American Locomotive Company" ], [ "ALCO RS-3", "LENGTH", "17068.8 (millimetres)" ], [ "ALCO RS-3", "ENGINE", "V12 engine" ], [ "ALCO RS-3", "BUILD_DATE", "\"May 1950 - August 1956\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "ALCO RS-3", "BUILDER", "American Locomotive Company" ], [ "ALCO RS-3", "LENGTH", "17068.8 (millimetres)" ], [ "American Locomotive Company", "LOCATION_COUNTRY", "United States" ], [ "American Locomotive Company", "FOUNDATION_PLACE", "Schenectady, New York" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "ALCO RS-3", "BUILDER", "Montreal Locomotive Works" ], [ "ALCO RS-3", "BUILD_DATE", "\"May 1950 - August 1956\"" ], [ "ALCO RS-3", "ENGINE", "V12 engine" ], [ "ALCO RS-3", "POWER_TYPE", "Diesel-electric transmission" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "ALCO RS-3", "BUILDER", "Montreal Locomotive Works" ], [ "ALCO RS-3", "CYLINDER_COUNT", "12" ], [ "ALCO RS-3", "BUILD_DATE", "\"May 1950 - August 1956\"" ], [ "ALCO RS-3", "ENGINE", "Four-stroke engine" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "AMC Matador", "ALTERNATIVE_NAME", "\"American Motors Matador\"" ], [ "AMC Matador", "ASSEMBLY", "Mexico City" ], [ "AMC Matador", "BODY_STYLE", "Station wagon" ], [ "AMC Matador", "ENGINE", "AMC V8 engine" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "AMC Matador", "ALTERNATIVE_NAME", "\"VAM Classic\"" ], [ "AMC Matador", "ASSEMBLY", "Kenosha, Wisconsin" ], [ "AMC Matador", "CLASS", "Mid-size car" ], [ "AMC Matador", "ENGINE", "AMC straight-6 engine" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Acura TLX", "ASSEMBLY", "Marysville, Ohio" ], [ "Acura TLX", "CLASS", "Mid-size car" ], [ "Acura TLX", "LAYOUT", "\"front-wheel drive / all-wheel drive\"" ], [ "Acura TLX", "ENGINE", "Honda K engine" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Acura TLX", "ASSEMBLY", "Marysville Auto Plant" ], [ "Acura TLX", "ENGINE", "V6 engine" ], [ "Acura TLX", "LAYOUT", "Front-engine design" ], [ "Acura TLX", "CLASS", "Luxury vehicle" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Aleksey Chirikov (icebreaker)", "BUILDER", "Finland" ], [ "Aleksey Chirikov (icebreaker)", "SHIP_BEAM", "21.2" ], [ "Aleksey Chirikov (icebreaker)", "STATUS", "\"In service\"" ], [ "Aleksey Chirikov (icebreaker)", "BUILDER", "Arctech Helsinki Shipyard" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Aleksey Chirikov (icebreaker)", "BUILDER", "Finland" ], [ "Finland", "DEMONYM", "Finns" ], [ "Finland", "LEADER_NAME", "Juha Sipil\u00e4" ], [ "Aleksey Chirikov (icebreaker)", "BUILDER", "Helsinki" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Aleksey Chirikov (icebreaker)", "SHIP_BEAM", "21.2" ], [ "Aleksey Chirikov (icebreaker)", "STATUS", "\"In service\"" ], [ "Aleksey Chirikov (icebreaker)", "BUILDER", "Helsinki" ], [ "Aleksey Chirikov (icebreaker)", "BUILDER", "Arctech Helsinki Shipyard" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Alfa Romeo 164", "ASSEMBLY", "Italy" ], [ "Alfa Romeo 164", "RELATED_MEAN_OF_TRANSPORTATION", "Saab 9000" ], [ "Alfa Romeo 164", "ENGINE", "Straight-four engine" ], [ "Alfa Romeo 164", "RELATED_MEAN_OF_TRANSPORTATION", "Lancia Thema" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Alfa Romeo 164", "RELATED_MEAN_OF_TRANSPORTATION", "Fiat Croma" ], [ "Alfa Romeo 164", "ASSEMBLY", "Italy" ], [ "Alfa Romeo 164", "RELATED_MEAN_OF_TRANSPORTATION", "Saab 9000" ], [ "Alfa Romeo 164", "ENGINE", "V6 engine" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Alhambra", "SHIP_BEAM", "8.3 m" ], [ "Alhambra", "LENGTH", "63800.0 (millimetres)" ], [ "Alhambra", "SHIP_LAUNCH", "1855-05-31" ], [ "Alhambra", "STATUS", "\"Wrecked\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Alvis Speed 25", "MANUFACTURER", "Alvis Car and Engineering Company" ], [ "Alvis Car and Engineering Company", "FOUNDATION_PLACE", "Coventry" ], [ "Alvis Speed 25", "ENGINE", "\"Petrol\"" ], [ "Alvis Car and Engineering Company", "SUCCESSOR", "Rover Company" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Alvis Speed 25", "MANUFACTURER", "Alvis Car and Engineering Company" ], [ "Alvis Car and Engineering Company", "FOUNDATION_PLACE", "Coventry" ], [ "Alvis Speed 25", "ENGINE", "Straight-six engine" ], [ "Alvis Car and Engineering Company", "SUCCESSOR", "Rover Company" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "American Motors", "SUCCESSOR", "Eagle (automobile)" ], [ "AMC Matador", "MANUFACTURER", "American Motors" ], [ "American Motors", "FATE", "Chrysler" ], [ "American Motors", "KEY_PERSON", "Roy D. Chapin, Jr." ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "American submarine NR-1", "SHIP_BEAM", "3.8 m" ], [ "American submarine NR-1", "SHIP_LAUNCH", "1969-01-25" ], [ "American submarine NR-1", "TOP_SPEED", "8.334" ], [ "American submarine NR-1", "BUILDER", "General Dynamics Electric Boat" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "American submarine NR-1", "SHIP_LAUNCH", "1969-01-25" ], [ "American submarine NR-1", "TOP_SPEED", "8.334" ], [ "American submarine NR-1", "LENGTH", "45000.0 (millimetres)" ], [ "American submarine NR-1", "SHIP_BEAM", "3.8 m" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Antares (rocket)", "MANUFACTURER", "Yuzhnoye Design Office" ], [ "Antares (rocket)", "FINAL_FLIGHT", "2014-10-28" ], [ "Antares (rocket)", "MAIDEN_FLIGHT", "2013-04-21" ], [ "Antares (rocket)", "LAUNCH_SITE", "Mid-Atlantic Regional Spaceport Launch Pad 0" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Antares (rocket)", "MANUFACTURER", "Yuzhnoye Design Office" ], [ "Antares (rocket)", "MAIDEN_FLIGHT", "2013-04-21" ], [ "Antares (rocket)", "LAUNCH_SITE", "Mid-Atlantic Regional Spaceport Launch Pad 0" ], [ "Antares (rocket)", "FINAL_FLIGHT", "2013-09-18" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Aston Martin V8", "ASSEMBLY", "United Kingdom" ], [ "United Kingdom", "CAPITAL", "London" ], [ "Aston Martin V8", "SUCCESSOR", "Aston Martin Virage" ], [ "Aston Martin Virage", "MANUFACTURER", "Aston Martin" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Aston Martin V8", "RELATED_MEAN_OF_TRANSPORTATION", "Aston Martin DBS" ], [ "Aston Martin V8", "ENGINE", "5.3 (litres)" ], [ "Aston Martin V8", "ASSEMBLY", "United Kingdom" ], [ "Aston Martin V8", "RELATED_MEAN_OF_TRANSPORTATION", "Aston Martin RHAM/1" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Aston Martin V8", "RELATED_MEAN_OF_TRANSPORTATION", "Aston Martin DBS" ], [ "Aston Martin V8", "ENGINE", "5.3 (litres)" ], [ "Aston Martin V8", "SUCCESSOR", "Aston Martin Virage" ], [ "Aston Martin Virage", "MANUFACTURER", "Aston Martin" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Atlas II", "DIAMETER", "3.04 m" ], [ "Atlas II", "FINAL_FLIGHT", "2002-12-05" ], [ "Atlas II", "LAUNCH_SITE", "Vandenberg Air Force Base" ], [ "Atlas II", "LAUNCH_SITE", "Cape Canaveral Air Force Station" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Audi A1", "CLASS", "Supermini" ], [ "Audi A1", "ENGINE", "1.2 (litres)" ], [ "Audi A1", "LAYOUT", "Front-engine, front-wheel-drive layout" ], [ "Audi A1", "ASSEMBLY", "Audi Brussels" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Audi A1", "MANUFACTURER", "Audi" ], [ "Audi", "FOUNDED_BY", "August Horch" ], [ "Audi", "DIVISION", "Audi e-tron" ], [ "Audi", "SUBSIDIARY", "Ducati" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Caterpillar Inc.", "LOCATION", "Illinois" ], [ "Caterpillar Inc.", "FOUNDATION_PLACE", "California" ], [ "AIDAluna", "OWNER", "AIDA Cruises" ], [ "AIDAluna", "POWER_TYPE", "Caterpillar Inc." ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Costa Crociere", "LOCATION", "Genoa" ], [ "AIDAstella", "OPERATOR", "AIDA Cruises" ], [ "AIDAstella", "BUILDER", "Meyer Werft" ], [ "AIDAstella", "OWNER", "Costa Crociere" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Delta II", "LAUNCH_SITE", "Cape Canaveral Air Force Station" ], [ "Antares (rocket)", "COMPARABLE", "Delta II" ], [ "Delta II", "COUNTRY_ORIGIN", "United States" ], [ "Antares (rocket)", "LAUNCH_SITE", "Mid-Atlantic Regional Spaceport Launch Pad 0" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Delta II", "LAUNCH_SITE", "Vandenberg AFB Space Launch Complex 2" ], [ "Delta II", "LAUNCH_SITE", "Cape Canaveral Air Force Station" ], [ "Antares (rocket)", "COMPARABLE", "Delta II" ], [ "Delta II", "COUNTRY_ORIGIN", "United States" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Fiat Croma", "RELATED_MEAN_OF_TRANSPORTATION", "Opel Vectra" ], [ "Alfa Romeo 164", "ASSEMBLY", "Italy" ], [ "Alfa Romeo 164", "RELATED_MEAN_OF_TRANSPORTATION", "Fiat Croma" ], [ "Alfa Romeo 164", "BODY_STYLE", "Sedan (automobile)" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Fiat Croma", "RELATED_MEAN_OF_TRANSPORTATION", "Opel Vectra" ], [ "Alfa Romeo 164", "RELATED_MEAN_OF_TRANSPORTATION", "Fiat Croma" ], [ "Alfa Romeo 164", "ASSEMBLY", "Milan" ], [ "Alfa Romeo 164", "BODY_STYLE", "Sedan (automobile)" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "General Dynamics Electric Boat", "PARENT_COMPANY", "General Dynamics" ], [ "American submarine NR-1", "SHIP_BEAM", "3.8 m" ], [ "American submarine NR-1", "BUILDER", "General Dynamics Electric Boat" ], [ "General Dynamics Electric Boat", "LOCATION_CITY", "Groton, Connecticut" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Germany", "LEADER_NAME", "Stanislaw Tillich" ], [ "Neptun Werft", "LOCATION_CITY", "Rostock" ], [ "Rostock", "COUNTRY", "Germany" ], [ "A-Rosa Luna", "BUILDER", "Neptun Werft" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "United States", "CAPITAL", "Washington, D.C." ], [ "United States", "LANGUAGE", "English language" ], [ "Atlas II", "COUNTRY_ORIGIN", "United States" ], [ "United States", "ETHNIC_GROUP", "African Americans" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "United States", "DEMONYM", "Americans" ], [ "United States", "CAPITAL", "Washington, D.C." ], [ "Atlas II", "COUNTRY_ORIGIN", "United States" ], [ "United States", "ETHNIC_GROUP", "African Americans" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Aaron Bertram", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Kids Imagine Nation" ], [ "Aaron Bertram", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Suburban Legends" ], [ "Suburban Legends", "BAND_MEMBER", "Brian Robertson (trombonist)" ], [ "Aaron Bertram", "GENRE", "Ska punk" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Aaron Deer", "BACKGROUND", "\"solo singer\"" ], [ "Aaron Deer", "GENRE", "Psychedelia" ], [ "Aaron Deer", "ORIGIN", "Indianapolis" ], [ "Aaron Deer", "ORIGIN", "Indiana" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Aaron Turner", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Isis (band)" ], [ "Aaron Turner", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Sumac (band)" ], [ "Aaron Turner", "GENRE", "Electroacoustic music" ], [ "Aaron Turner", "INSTRUMENT", "Singing" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Aaron Turner", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Twilight (band)" ], [ "Aaron Turner", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Old Man Gloom" ], [ "Aaron Turner", "GENRE", "Post-metal" ], [ "Aaron Turner", "ACTIVE_YEARS_START_YEAR", "1995" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Aaron Turner", "GENRE", "Black metal" ], [ "Aaron Turner", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Sumac (band)" ], [ "Aaron Turner", "INSTRUMENT", "Electric guitar" ], [ "Black metal", "MUSIC_FUSION_GENRE", "Death metal" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Ace Wilder", "BACKGROUND", "\"solo singer\"" ], [ "Ace Wilder", "DATE_OF_BIRTH", "1982" ], [ "Ace Wilder", "BIRTH_PLACE", "Stockholm" ], [ "Ace Wilder", "DATE_OF_BIRTH", "1982-07-23" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Ace Wilder", "BACKGROUND", "\"solo singer\"" ], [ "Ace Wilder", "DATE_OF_BIRTH", "1982" ], [ "Ace Wilder", "BIRTH_PLACE", "Sweden" ], [ "Ace Wilder", "DATE_OF_BIRTH", "1982-07-23" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Ace Wilder", "BACKGROUND", "\"solo singer\"" ], [ "Ace Wilder", "DATE_OF_BIRTH", "1982" ], [ "Ace Wilder", "OCCUPATION", "Songwriter" ], [ "Ace Wilder", "BIRTH_PLACE", "Stockholm" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Ace Wilder", "BACKGROUND", "\"solo singer\"" ], [ "Ace Wilder", "DATE_OF_BIRTH", "1982" ], [ "Ace Wilder", "OCCUPATION", "Songwriter" ], [ "Ace Wilder", "BIRTH_PLACE", "Sweden" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Ahmet Ertegun", "GENRE", "Rhythm and blues" ], [ "Ahmet Ertegun", "ORIGIN", "Washington, D.C." ], [ "Ahmet Ertegun", "BACKGROUND", "\"non performing personnel\"" ], [ "Ahmet Ertegun", "ORIGIN", "United States" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Ahmet Ertegun", "GENRE", "Rock and roll" ], [ "Ahmet Ertegun", "ORIGIN", "United States" ], [ "Rock and roll", "STYLISTIC_ORIGIN", "Blues" ], [ "United States", "ETHNIC_GROUP", "African Americans" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Albennie Jones", "ACTIVE_YEARS_END_YEAR", "1950" ], [ "Albennie Jones", "GENRE", "Rhythm and blues" ], [ "Rhythm and blues", "STYLISTIC_ORIGIN", "Blues" ], [ "Rhythm and blues", "DERIVATIVE", "Disco" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Albennie Jones", "GENRE", "Jazz" ], [ "Jazz", "STYLISTIC_ORIGIN", "Blues" ], [ "United States", "ETHNIC_GROUP", "African Americans" ], [ "Albennie Jones", "BIRTH_PLACE", "United States" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Aleksandra Kova\u010d", "DATE_OF_BIRTH", "1972" ], [ "Aleksandra Kova\u010d", "GENRE", "Pop music" ], [ "Aleksandra Kova\u010d", "BIRTH_PLACE", "Belgrade" ], [ "Aleksandra Kova\u010d", "BACKGROUND", "\"solo singer\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Aleksandra Kova\u010d", "GENRE", "Rhythm and blues" ], [ "Aleksandra Kova\u010d", "BACKGROUND", "\"solo singer\"" ], [ "Aleksandra Kova\u010d", "DATE_OF_BIRTH", "1972" ], [ "Aleksandra Kova\u010d", "BIRTH_PLACE", "Socialist Republic of Serbia" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Alex Day", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Chameleon Circuit (band)" ], [ "Alex Day", "GENRE", "Acoustic music" ], [ "Alex Day", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Charlie McDonnell" ], [ "Alex Day", "ACTIVE_YEARS_START_YEAR", "2006" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Alex Day", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Chameleon Circuit (band)" ], [ "Alex Day", "GENRE", "Electronic music" ], [ "Alex Day", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Charlie McDonnell" ], [ "Alex Day", "ACTIVE_YEARS_START_YEAR", "2006" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Alfred Garth Jones", "DEATH_PLACE", "London" ], [ "Alfred Garth Jones", "BIRTH_PLACE", "England" ], [ "Alfred Garth Jones", "BIRTH_PLACE", "Manchester" ], [ "Alfred Garth Jones", "DATE_OF_BIRTH", "1872" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Alfredo Zitarrosa", "DEATH_PLACE", "Montevideo" ], [ "Montevideo", "COUNTRY", "Uruguay" ], [ "Uruguay", "DEMONYM", "Uruguayans" ], [ "Montevideo", "LEADER_NAME", "Daniel Mart\u00ednez (politician)" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Alfredo Zitarrosa", "RECORD_LABEL", "RCA Records" ], [ "Alfredo Zitarrosa", "BIRTH_PLACE", "Uruguay" ], [ "Alfredo Zitarrosa", "GENRE", "Candombe" ], [ "Alfredo Zitarrosa", "BACKGROUND", "\"solo singer\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Alison O'Donnell", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Bajik" ], [ "Alison O'Donnell", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Flibbertigibbet" ], [ "Alison O'Donnell", "GENRE", "Folk music" ], [ "Alison O'Donnell", "ACTIVE_YEARS_START_YEAR", "1963" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Alison O'Donnell", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Mellow Candle" ], [ "Alison O'Donnell", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Head South By Weaving" ], [ "Alison O'Donnell", "GENRE", "Folk music" ], [ "Alison O'Donnell", "ACTIVE_YEARS_START_YEAR", "1963" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Alison O'Donnell", "GENRE", "Jazz" ], [ "Alison O'Donnell", "RECORD_LABEL", "Deram Records" ], [ "Deram Records", "LOCATION", "London" ], [ "Alison O'Donnell", "RECORD_LABEL", "Floating World Records" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Alison O'Donnell", "GENRE", "Jazz" ], [ "Alison O'Donnell", "RECORD_LABEL", "Deram Records" ], [ "Deram Records", "LOCATION", "London" ], [ "Alison O'Donnell", "RECORD_LABEL", "Fruits de Mer Records" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Allen Forrest", "DATE_OF_BIRTH", "1981" ], [ "Allen Forrest", "GENRE", "Acoustic music" ], [ "Allen Forrest", "BIRTH_PLACE", "Fort Campbell" ], [ "Allen Forrest", "BACKGROUND", "\"solo singer\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Allen Forrest", "GENRE", "Hip hop music" ], [ "Allen Forrest", "DATE_OF_BIRTH", "1981" ], [ "Allen Forrest", "BIRTH_PLACE", "\"Fort Campbell, KY, raised in Dothan, AL\"" ], [ "Allen Forrest", "BACKGROUND", "\"solo singer\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Alternative rock", "MUSIC_FUSION_GENRE", "Nu metal" ], [ "Alternative rock", "STYLISTIC_ORIGIN", "Punk rock" ], [ "Andrew White (musician)", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Marry Banilow" ], [ "Andrew White (musician)", "GENRE", "Alternative rock" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Anders Osborne", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Billy Iuso" ], [ "Anders Osborne", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Tab Benoit" ], [ "Anders Osborne", "GENRE", "Rock music" ], [ "Anders Osborne", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Galactic" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Anders Osborne", "RECORD_LABEL", "Alligator Records" ], [ "Alligator Records", "GENRE", "Blues" ], [ "Alligator Records", "LOCATION", "Chicago" ], [ "Anders Osborne", "RECORD_LABEL", "Shanachie Records" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Andra (singer)", "GENRE", "Dance-pop" ], [ "Andra (singer)", "OCCUPATION", "Singing" ], [ "Andra (singer)", "BIRTH_PLACE", "Romania" ], [ "Andra (singer)", "BACKGROUND", "\"solo singer\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Andra (singer)", "GENRE", "Rhythm and blues" ], [ "Rhythm and blues", "DERIVATIVE", "Funk" ], [ "Rhythm and blues", "STYLISTIC_ORIGIN", "Blues" ], [ "Rhythm and blues", "DERIVATIVE", "Disco" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Andrew Rayel", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Christian Burns" ], [ "Andrew Rayel", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Jonathan Mendelsohn" ], [ "Andrew Rayel", "GENRE", "Trance music" ], [ "Andrew Rayel", "ACTIVE_YEARS_START_YEAR", "2009" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Andrew Rayel", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Jwaydan Moyine" ], [ "Trance music", "STYLISTIC_ORIGIN", "House music" ], [ "Andrew Rayel", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Christian Burns" ], [ "Andrew Rayel", "GENRE", "Trance music" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Andrew White (musician)", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Kaiser Chiefs" ], [ "Andrew White (musician)", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Marry Banilow" ], [ "Andrew White (musician)", "GENRE", "Alternative rock" ], [ "Andrew White (musician)", "ACTIVE_YEARS_START_YEAR", "2003" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Andrew White (musician)", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Kaiser Chiefs" ], [ "Andrew White (musician)", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Marry Banilow" ], [ "Andrew White (musician)", "RECORD_LABEL", "Universal Records (defunct record label)" ], [ "Andrew White (musician)", "ACTIVE_YEARS_START_YEAR", "2003" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Asunci\u00f3n", "IS_PART_OF", "Gran Asunci\u00f3n" ], [ "Agust\u00edn Barboza", "DEATH_PLACE", "Asunci\u00f3n" ], [ "Paraguay", "LEADER_NAME", "Juan Afara" ], [ "Agust\u00edn Barboza", "DEATH_PLACE", "Paraguay" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Country music", "INSTRUMENT", "Banjo" ], [ "Al Anderson (NRBQ band)", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "NRBQ" ], [ "Al Anderson (NRBQ band)", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "The Wildweeds" ], [ "Al Anderson (NRBQ band)", "GENRE", "Country music" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Hip hop music", "STYLISTIC_ORIGIN", "Disco" ], [ "Allen Forrest", "GENRE", "Hip hop music" ], [ "Hip hop music", "STYLISTIC_ORIGIN", "Funk" ], [ "Hip hop music", "DERIVATIVE", "Drum and bass" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Manchester", "IS_PART_OF", "Greater Manchester" ], [ "Alfred Garth Jones", "BIRTH_PLACE", "England" ], [ "Alfred Garth Jones", "BIRTH_PLACE", "Manchester" ], [ "Manchester", "LEADER_NAME", "Labour Party (UK)" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Post-metal", "INSTRUMENT", "Cello" ], [ "Aaron Turner", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Twilight (band)" ], [ "Aaron Turner", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "House of Low Culture" ], [ "Aaron Turner", "GENRE", "Post-metal" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Twilight (band)", "GENRE", "Black metal" ], [ "Aaron Turner", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Twilight (band)" ], [ "Aaron Turner", "INSTRUMENT", "Electric guitar" ], [ "Black metal", "MUSIC_FUSION_GENRE", "Death metal" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "United States", "ETHNIC_GROUP", "African Americans" ], [ "Albennie Jones", "GENRE", "Rhythm and blues" ], [ "Rhythm and blues", "STYLISTIC_ORIGIN", "Blues" ], [ "Albennie Jones", "BIRTH_PLACE", "United States" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Aaron S. Daggett", "BATTLES", "American Civil War" ], [ "Aaron S. Daggett", "AWARD", "Purple Heart" ], [ "Aaron S. Daggett", "DEATH_PLACE", "West Roxbury" ], [ "Aaron S. Daggett", "BIRTH_PLACE", "Maine" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Aaron S. Daggett", "BATTLES", "Battle of the Wilderness" ], [ "Aaron S. Daggett", "AWARD", "Purple Heart" ], [ "Aaron S. Daggett", "DEATH_PLACE", "West Roxbury" ], [ "Aaron S. Daggett", "BIRTH_PLACE", "Maine" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Ab Klink", "ALMA_MATER", "Erasmus University Rotterdam" ], [ "Erasmus University Rotterdam", "AFFILIATION", "Association of MBAs" ], [ "Ab Klink", "OFFICE_(WORKED_AT,_WORKED_AS)", "Ministry of Health, Welfare and Sport (Netherlands)" ], [ "Ab Klink", "BIRTH_PLACE", "Netherlands" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Abdul Taib Mahmud", "PARTY", "Parti Pesaka Bumiputera Bersatu" ], [ "Abdul Taib Mahmud", "REGION", "Asajaya" ], [ "Abdul Taib Mahmud", "RESIDENCE", "Kuching" ], [ "Abdul Taib Mahmud", "BIRTH_PLACE", "Miri, Malaysia" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Abdul Taib Mahmud", "RESIDENCE", "Sarawak" ], [ "Abdul Taib Mahmud", "PARTY", "Parti Pesaka Bumiputera Bersatu" ], [ "Abdul Taib Mahmud", "REGION", "Asajaya" ], [ "Abdul Taib Mahmud", "BIRTH_PLACE", "Kingdom of Sarawak" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Abdul Taib Mahmud", "SUCCESSOR", "Adenan Satem" ], [ "Adenan Satem", "BIRTH_PLACE", "Japanese occupation of British Borneo" ], [ "Abdul Taib Mahmud", "RESIDENCE", "Sarawak" ], [ "Abdul Taib Mahmud", "PARTY", "\"Barisan Ra'ayat Jati Sarawak\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Abdul Taib Mahmud", "SUCCESSOR", "Adenan Satem" ], [ "Adenan Satem", "BIRTH_PLACE", "Japanese occupation of British Borneo" ], [ "Abdul Taib Mahmud", "RESIDENCE", "Sarawak" ], [ "Abdul Taib Mahmud", "PARTY", "Parti Pesaka Bumiputera Bersatu" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Abdulsalami Abubakar", "IN_OFFICE_WHILE_VICE_PRESIDENT", "Mike Akhigbe" ], [ "Abdulsalami Abubakar", "MILITARY_BRANCH", "Nigerian Army" ], [ "Mike Akhigbe", "PREDECESSOR", "Oladipo Diya" ], [ "Mike Akhigbe", "SUCCESSOR", "Atiku Abubakar" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Abdulsalami Abubakar", "IN_OFFICE_WHILE_VICE_PRESIDENT", "Mike Akhigbe" ], [ "Mike Akhigbe", "PREDECESSOR", "Oladipo Diya" ], [ "Abdulsalami Abubakar", "SUCCESSOR", "Al-Amin Daggash" ], [ "Abdulsalami Abubakar", "MILITARY_BRANCH", "Nigerian Air Force" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Abel Caballero", "IN_OFFICE_WHILE_MONARCH", "Juan Carlos I of Spain" ], [ "Juan Carlos I of Spain", "PREDECESSOR", "Francisco Franco" ], [ "Abel Caballero", "IN_OFFICE_WHILE_PRIME_MINISTER", "Felipe Gonz\u00e1lez" ], [ "Abel Caballero", "BIRTH_PLACE", "Galicia (Spain)" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Abel Caballero", "OFFICE_(WORKED_AT,_WORKED_AS)", "\"Minister of Transport\"" ], [ "Abel Caballero", "BIRTH_PLACE", "Galicia (Spain)" ], [ "Abel Caballero", "BIRTH_PLACE", "Spain" ], [ "Abel Caballero", "PARTY", "Spanish Socialist Workers' Party" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Abraham A. Ribicoff", "SPOUSE", "Casey Ribicoff" ], [ "United States", "ETHNIC_GROUP", "Native Americans in the United States" ], [ "Abraham A. Ribicoff", "BIRTH_PLACE", "New Britain, Connecticut" ], [ "Abraham A. Ribicoff", "NATIONALITY", "United States" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Adam Holloway", "BATTLES", "Gulf War" ], [ "Adam Holloway", "BIRTH_PLACE", "Kent" ], [ "Adam Holloway", "ACTIVE_YEARS_START_DATE", "2005-05-05" ], [ "Adam Holloway", "ALMA_MATER", "Magdalene College, Cambridge" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Adam Koc", "BATTLES", "Polish\u2013Soviet War" ], [ "Poland", "LANGUAGE", "Polish language" ], [ "Polish\u2013Soviet War", "COMMANDER", "Joseph Stalin" ], [ "Adam Koc", "NATIONALITY", "Poland" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Adam Koc", "BATTLES", "Polish\u2013Soviet War" ], [ "Polish\u2013Soviet War", "IS_PART_OF_MILITARY_CONFLICT", "Russian Civil War" ], [ "Adam Koc", "DEATH_PLACE", "New York City" ], [ "Polish\u2013Soviet War", "COMMANDER", "Joseph Stalin" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Adonis Georgiadis", "BIRTH_PLACE", "Athens" ], [ "Adonis Georgiadis", "BIRTH_PLACE", "Greece" ], [ "Adonis Georgiadis", "OFFICE_(WORKED_AT,_WORKED_AS)", "\"Vice-President of New Democracy\"" ], [ "Adonis Georgiadis", "SUCCESSOR", "Makis Voridis" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Adonis Georgiadis", "BIRTH_PLACE", "Athens" ], [ "Adonis Georgiadis", "BIRTH_PLACE", "Greece" ], [ "Adonis Georgiadis", "OFFICE_(WORKED_AT,_WORKED_AS)", "Ministry of Economy, Development and Tourism (Greece)" ], [ "Adonis Georgiadis", "SUCCESSOR", "Makis Voridis" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Adonis Georgiadis", "OFFICE_(WORKED_AT,_WORKED_AS)", "Member of the Hellenic Parliament" ], [ "Adonis Georgiadis", "BIRTH_PLACE", "Athens" ], [ "Adonis Georgiadis", "BIRTH_PLACE", "Greece" ], [ "Adonis Georgiadis", "SUCCESSOR", "Makis Voridis" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Agnes Kant", "NATIONALITY", "Netherlands" ], [ "Netherlands", "CURRENCY", "Euro" ], [ "Emile Roemer", "PARTY", "Socialist Party (Netherlands)" ], [ "Socialist Party (Netherlands)", "LEADER_NAME", "Emile Roemer" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Agnes Kant", "NATIONALITY", "Netherlands" ], [ "Netherlands", "LEADER_NAME", "Mark Rutte" ], [ "Agnes Kant", "OFFICE_(WORKED_AT,_WORKED_AS)", "House of Representatives (Netherlands)" ], [ "Agnes Kant", "PARTY", "Socialist Party (Netherlands)" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Agnes Kant", "NATIONALITY", "Netherlands" ], [ "Netherlands", "LEADER_NAME", "Mark Rutte" ], [ "Emile Roemer", "PARTY", "Socialist Party (Netherlands)" ], [ "Socialist Party (Netherlands)", "LEADER_NAME", "Emile Roemer" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Agnes Kant", "NATIONALITY", "Netherlands" ], [ "Socialist Party (Netherlands)", "COLOR", "Red" ], [ "Socialist Party (Netherlands)", "LEADER_NAME", "Emile Roemer" ], [ "Agnes Kant", "PARTY", "Socialist Party (Netherlands)" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Airey Neave", "BATTLES", "Battle of France" ], [ "Airey Neave", "BIRTH_PLACE", "\"Knightsbridge, London\"" ], [ "Airey Neave", "ACTIVE_YEARS_START_DATE", "1953-06-30" ], [ "Airey Neave", "ACTIVE_YEARS_END_DATE", "1979-03-30" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Airey Neave", "BATTLES", "Battle of France" ], [ "Airey Neave", "BIRTH_PLACE", "\"Knightsbridge, London\"" ], [ "Airey Neave", "ACTIVE_YEARS_START_DATE", "1974-03-04" ], [ "Airey Neave", "ACTIVE_YEARS_END_DATE", "1979-03-30" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Airey Neave", "UNIT", "Royal Artillery" ], [ "Royal Artillery", "GARRISON", "Hohne" ], [ "Airey Neave", "BATTLES", "World War II" ], [ "World War II", "COMMANDER", "Chiang Kai-shek" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Albert B. White", "BIRTH_PLACE", "Cleveland" ], [ "Albert B. White", "DEATH_PLACE", "Parkersburg, West Virginia" ], [ "Albert B. White", "SUCCESSOR", "William M. O. Dawson" ], [ "William M. O. Dawson", "BIRTH_PLACE", "Bloomington, Maryland" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Albert B. White", "SUCCESSOR", "William M. O. Dawson" ], [ "Albert B. White", "BIRTH_PLACE", "Cleveland" ], [ "Albert B. White", "ACTIVE_YEARS_END_DATE", "1905-03-04" ], [ "Albert B. White", "ACTIVE_YEARS_START_DATE", "1901-03-04" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Albert Jennings Fountain", "BIRTH_PLACE", "New York" ], [ "New York", "LANGUAGE", "French language" ], [ "American Civil War", "COMMANDER", "Abraham Lincoln" ], [ "Albert Jennings Fountain", "BATTLES", "American Civil War" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Albert Jennings Fountain", "DEATH_PLACE", "Do\u00f1a Ana County, New Mexico" ], [ "Albert Jennings Fountain", "BIRTH_PLACE", "New York City" ], [ "Albert Jennings Fountain", "BATTLES", "American Civil War" ], [ "American Civil War", "COMMANDER", "Jefferson Davis" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Albert Jennings Fountain", "DEATH_PLACE", "New Mexico Territory" ], [ "Albert Jennings Fountain", "DEATH_PLACE", "United States" ], [ "Albert Jennings Fountain", "BIRTH_PLACE", "New York" ], [ "Albert Jennings Fountain", "BIRTH_PLACE", "Staten Island" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Alberto Teisaire", "DEATH_PLACE", "Buenos Aires" ], [ "Buenos Aires", "LEADER_NAME", "Horacio Rodr\u00edguez Larreta" ], [ "Alberto Teisaire", "PARTY", "Justicialist Party" ], [ "Alberto Teisaire", "IN_OFFICE_WHILE_PRESIDENT", "Juan Per\u00f3n" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Alberto Teisaire", "OFFICE_(WORKED_AT,_WORKED_AS)", "\"Provisional President of the Argentine Senate\"" ], [ "Alberto Teisaire", "PROFESSION", "Rear admiral" ], [ "Alberto Teisaire", "SUCCESSOR", "Isaac Rojas" ], [ "Alberto Teisaire", "BIRTH_PLACE", "Mendoza, Argentina" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Alfred Moore Scales", "SUCCESSOR", "Daniel Gould Fowle" ], [ "Alfred Moore Scales", "OFFICE_(WORKED_AT,_WORKED_AS)", "\"Governor of North Carolina\"" ], [ "Alfred Moore Scales", "PARTY", "Democratic Party (United States)" ], [ "Alfred Moore Scales", "BIRTH_PLACE", "Reidsville, North Carolina" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Alfred N. Phillips", "MILITARY_BRANCH", "United States Army" ], [ "United States Army", "BATTLES", "Whiskey Rebellion" ], [ "Alfred N. Phillips", "BIRTH_PLACE", "Connecticut" ], [ "Alfred N. Phillips", "OFFICE_(WORKED_AT,_WORKED_AS)", "\"Member of the U.S. House of Representatives from Connecticut's 4th district\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Alfred N. Phillips", "PARTY", "Democratic Party (United States)" ], [ "Alfred N. Phillips", "SUCCESSOR", "Albert E. Austin" ], [ "Alfred N. Phillips", "BIRTH_PLACE", "Connecticut" ], [ "Alfred N. Phillips", "OFFICE_(WORKED_AT,_WORKED_AS)", "\"Member of the U.S. House of Representatives from Connecticut's 4th district\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Alfred N. Phillips", "PARTY", "Democratic Party (United States)" ], [ "Alfred N. Phillips", "SUCCESSOR", "Albert E. Austin" ], [ "Alfred N. Phillips", "BIRTH_PLACE", "Darien, Connecticut" ], [ "Alfred N. Phillips", "OFFICE_(WORKED_AT,_WORKED_AS)", "Mayor of Stamford, Connecticut" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Allan Shivers", "PARTY", "Democratic Party (United States)" ], [ "Allan Shivers", "SUCCESSOR", "Price Daniel" ], [ "Allan Shivers", "BIRTH_PLACE", "Lufkin, Texas" ], [ "Allan Shivers", "OFFICE_(WORKED_AT,_WORKED_AS)", "\"Governor of Texas\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Allan Shivers", "PARTY", "Democratic Party (United States)" ], [ "Allan Shivers", "SUCCESSOR", "Wilfred R. Cousins, Jr." ], [ "Allan Shivers", "BIRTH_PLACE", "Lufkin, Texas" ], [ "Allan Shivers", "OFFICE_(WORKED_AT,_WORKED_AS)", "\"Governor of Texas\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Alvah Sabin", "OFFICE_(WORKED_AT,_WORKED_AS)", "Secretary of State of Vermont" ], [ "Alvah Sabin", "REGION", "Vermont's 3rd congressional district" ], [ "Vermont", "LARGEST_CITY", "Burlington, Vermont" ], [ "Alvah Sabin", "STATE", "Vermont" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Alvah Sabin", "PARTY", "Whig Party (United States)" ], [ "Whig Party (United States)", "LEADER_NAME", "Daniel Webster" ], [ "Alvah Sabin", "REGION", "Vermont" ], [ "Vermont", "LARGEST_CITY", "Burlington, Vermont" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Battle of Gettysburg", "IS_PART_OF_MILITARY_CONFLICT", "American Civil War" ], [ "American Civil War", "COMMANDER", "Robert E. Lee" ], [ "Aaron S. Daggett", "BATTLES", "Battle of Gettysburg" ], [ "Aaron S. Daggett", "AWARD", "Purple Heart" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Juan Per\u00f3n", "PARTY", "Labour Party (Argentina)" ], [ "Alberto Teisaire", "NATIONALITY", "Argentina" ], [ "Argentina", "LANGUAGE", "Spanish language" ], [ "Alberto Teisaire", "IN_OFFICE_WHILE_PRESIDENT", "Juan Per\u00f3n" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Juan Per\u00f3n", "PARTY", "Labour Party (Argentina)" ], [ "Alberto Teisaire", "SUCCESSOR", "Isaac Rojas" ], [ "Alberto Teisaire", "BIRTH_PLACE", "Mendoza, Argentina" ], [ "Alberto Teisaire", "IN_OFFICE_WHILE_PRESIDENT", "Juan Per\u00f3n" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "AIDA Cruises", "LOCATION", "Germany" ], [ "Costa Crociere", "PARENT_COMPANY", "Carnival Corporation &amp; plc" ], [ "AIDAstella", "OPERATOR", "AIDA Cruises" ], [ "AIDAstella", "BUILDER", "Meyer Werft" ], [ "AIDAstella", "OWNER", "Costa Crociere" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "AIDAstella", "OPERATOR", "AIDA Cruises" ], [ "AIDAstella", "SHIP_BEAM", "32.2" ], [ "AIDAstella", "TOP_SPEED", "38.892" ], [ "AIDAstella", "BUILDER", "Meyer Werft" ], [ "AIDAstella", "LENGTH", "253260.0 (millimetres)" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "ALCO RS-3", "BUILDER", "American Locomotive Company" ], [ "ALCO RS-3", "LENGTH", "17068.8 (millimetres)" ], [ "ALCO RS-3", "CYLINDER_COUNT", "12" ], [ "ALCO RS-3", "BUILD_DATE", "\"May 1950 - August 1956\"" ], [ "ALCO RS-3", "ENGINE", "Four-stroke engine" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "ALCO RS-3", "BUILDER", "American Locomotive Company" ], [ "ALCO RS-3", "LENGTH", "17068.8 (millimetres)" ], [ "ALCO RS-3", "CYLINDER_COUNT", "12" ], [ "ALCO RS-3", "ENGINE", "V12 engine" ], [ "ALCO RS-3", "BUILD_DATE", "\"May 1950 - August 1956\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "ALV X-1", "COUNTRY_ORIGIN", "United States" ], [ "United States", "ETHNIC_GROUP", "Native Americans in the United States" ], [ "United States", "DEMONYM", "Americans" ], [ "United States", "CAPITAL", "Washington, D.C." ], [ "United States", "ANTHEM", "The Star-Spangled Banner" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "AMC Matador", "ALTERNATIVE_NAME", "\"American Motors Matador\"" ], [ "AMC Matador", "ASSEMBLY", "Thames, New Zealand" ], [ "AMC Matador", "BODY_STYLE", "Station wagon" ], [ "AMC Matador", "CLASS", "Mid-size car" ], [ "AMC Matador", "ENGINE", "AMC V8 engine" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Alhambra", "OWNER", "P&amp;O (company)" ], [ "P&amp;O (company)", "LOCATION", "London" ], [ "Alhambra", "SHIP_BEAM", "8.3 m" ], [ "Alhambra", "POWER_TYPE", "Humphrys, Tennant and Dykes" ], [ "Alhambra", "BUILDER", "Samuda Brothers" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "American Motors", "SUCCESSOR", "Eagle (automobile)" ], [ "American Motors", "SUBSIDIARY", "Wheel Horse" ], [ "AMC Matador", "MANUFACTURER", "American Motors" ], [ "American Motors", "FATE", "Chrysler" ], [ "American Motors", "KEY_PERSON", "Roy D. Chapin, Jr." ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "American submarine NR-1", "SHIP_LAUNCH", "1969-01-25" ], [ "American submarine NR-1", "TOP_SPEED", "8.334" ], [ "American submarine NR-1", "SHIP_DRAFT", "4.6 m" ], [ "American submarine NR-1", "LENGTH", "45000.0 (millimetres)" ], [ "American submarine NR-1", "SHIP_BEAM", "3.8 m" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Antares (rocket)", "LAUNCH_SITE", "Mid-Atlantic Regional Spaceport" ], [ "Antares (rocket)", "COMPARABLE", "Delta II" ], [ "Delta II", "COUNTRY_ORIGIN", "United States" ], [ "Antares (rocket)", "LAUNCH_SITE", "Mid-Atlantic Regional Spaceport Launch Pad 0" ], [ "Mid-Atlantic Regional Spaceport Launch Pad 0", "ASSOCIATED_ROCKET", "Minotaur IV" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Antares (rocket)", "MANUFACTURER", "Yuzhnoye Design Office" ], [ "Antares (rocket)", "FINAL_FLIGHT", "2014-07-13" ], [ "Antares (rocket)", "MAIDEN_FLIGHT", "2014-10-28" ], [ "Antares (rocket)", "LAUNCH_SITE", "Mid-Atlantic Regional Spaceport Launch Pad 0" ], [ "Antares (rocket)", "DIAMETER", "3.9 (metres)" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Antares (rocket)", "MANUFACTURER", "Yuzhnoye Design Office" ], [ "Antares (rocket)", "MAIDEN_FLIGHT", "2014-10-28" ], [ "Antares (rocket)", "LAUNCH_SITE", "Mid-Atlantic Regional Spaceport Launch Pad 0" ], [ "Antares (rocket)", "DIAMETER", "3.9 (metres)" ], [ "Antares (rocket)", "FINAL_FLIGHT", "2013-09-18" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Ariane 5", "FINAL_FLIGHT", "2009-12-18" ], [ "Ariane 5", "MAIDEN_FLIGHT", "2005-08-11" ], [ "Ariane 5", "MANUFACTURER", "Airbus Defence and Space" ], [ "Ariane 5", "LAUNCH_SITE", "Guiana Space Centre" ], [ "Ariane 5", "DIAMETER", "5.4 (metres)" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Arianespace", "LOCATION_CITY", "Courcouronnes" ], [ "Guiana Space Centre", "HEADQUARTER", "French Guiana" ], [ "ELA-3", "SITE", "Guiana Space Centre" ], [ "Ariane 5", "LAUNCH_SITE", "ELA-3" ], [ "ELA-3", "OPERATOR", "Arianespace" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Aston Martin V8", "RELATED_MEAN_OF_TRANSPORTATION", "Aston Martin DBS" ], [ "Aston Martin DBS", "SUCCESSOR", "Aston Martin Vantage" ], [ "Aston Martin V8", "ASSEMBLY", "Newport Pagnell" ], [ "Aston Martin V8", "ENGINE", "5.3 (litres)" ], [ "Aston Martin V8", "MANUFACTURER", "Aston Martin" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Aston Martin V8", "RELATED_MEAN_OF_TRANSPORTATION", "Aston Martin DBS" ], [ "Aston Martin V8", "BODY_STYLE", "Coup\u00e9" ], [ "Aston Martin V8", "ENGINE", "5.3 (litres)" ], [ "Aston Martin V8", "RELATED_MEAN_OF_TRANSPORTATION", "Aston Martin RHAM/1" ], [ "Aston Martin V8", "ASSEMBLY", "Newport Pagnell" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Aston Martin V8", "RELATED_MEAN_OF_TRANSPORTATION", "Aston Martin DBS" ], [ "United Kingdom", "LEADER_NAME", "Elizabeth II" ], [ "Aston Martin V8", "ASSEMBLY", "United Kingdom" ], [ "Aston Martin V8", "SUCCESSOR", "Aston Martin Virage" ], [ "Aston Martin Virage", "MANUFACTURER", "Aston Martin" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Audi A1", "ENGINE", "1.2 (litres)" ], [ "Audi A1", "LAYOUT", "Front-engine, front-wheel-drive layout" ], [ "Audi A1", "ASSEMBLY", "\"Brussels, Belgium\"" ], [ "Audi A1", "CLASS", "Supermini" ], [ "Audi A1", "BODY_STYLE", "Hatchback" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Audi A1", "MANUFACTURER", "Audi" ], [ "Audi", "FOUNDED_BY", "August Horch" ], [ "Audi", "SUBSIDIARY", "Ducati" ], [ "Audi", "DIVISION", "Audi e-tron" ], [ "Audi", "SUBSIDIARY", "Lamborghini" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Caterpillar Inc.", "FOUNDATION_PLACE", "California" ], [ "Caterpillar Inc.", "FOUNDATION_PLACE", "United States" ], [ "Caterpillar Inc.", "LOCATION", "Peoria, Illinois" ], [ "AIDAluna", "OWNER", "AIDA Cruises" ], [ "AIDAluna", "POWER_TYPE", "Caterpillar Inc." ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Caterpillar Inc.", "KEY_PERSON", "Douglas R. Oberhelman" ], [ "Caterpillar Inc.", "FOUNDATION_PLACE", "United States" ], [ "AIDA Cruises", "LOCATION", "Rostock" ], [ "AIDAluna", "OWNER", "AIDA Cruises" ], [ "AIDAluna", "POWER_TYPE", "Caterpillar Inc." ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Caterpillar Inc.", "KEY_PERSON", "Douglas R. Oberhelman" ], [ "Caterpillar Inc.", "FOUNDATION_PLACE", "United States" ], [ "Caterpillar Inc.", "LOCATION", "Peoria, Illinois" ], [ "AIDAluna", "OWNER", "AIDA Cruises" ], [ "AIDAluna", "POWER_TYPE", "Caterpillar Inc." ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Costa Crociere", "LOCATION", "Genoa" ], [ "Costa Crociere", "PARENT_COMPANY", "Carnival Corporation &amp; plc" ], [ "AIDAstella", "OPERATOR", "AIDA Cruises" ], [ "AIDAstella", "BUILDER", "Meyer Werft" ], [ "AIDAstella", "OWNER", "Costa Crociere" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Finland", "DEMONYM", "Finns" ], [ "Finland", "LANGUAGE", "Sami languages" ], [ "Finland", "LEADER_NAME", "Juha Sipil\u00e4" ], [ "Aleksey Chirikov (icebreaker)", "BUILDER", "Finland" ], [ "Aleksey Chirikov (icebreaker)", "BUILDER", "Arctech Helsinki Shipyard" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Germany", "CAPITAL", "Berlin" ], [ "Neptun Werft", "LOCATION_CITY", "Rostock" ], [ "Germany", "LEADER_NAME", "Joachim Gauck" ], [ "Rostock", "COUNTRY", "Germany" ], [ "A-Rosa Luna", "BUILDER", "Neptun Werft" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Germany", "LEADER_NAME", "Andreas Vo\u00dfkuhle" ], [ "Germany", "CAPITAL", "Berlin" ], [ "Neptun Werft", "LOCATION_CITY", "Rostock" ], [ "Rostock", "COUNTRY", "Germany" ], [ "A-Rosa Luna", "BUILDER", "Neptun Werft" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "United States", "DEMONYM", "Americans" ], [ "United States", "CAPITAL", "Washington, D.C." ], [ "United States", "LANGUAGE", "English language" ], [ "Atlas II", "COUNTRY_ORIGIN", "United States" ], [ "United States", "ETHNIC_GROUP", "Native Americans in the United States" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Abel Hern\u00e1ndez", "YOUTH_CLUB", "Pe\u00f1arol" ], [ "Central Espa\u00f1ol", "LEAGUE", "Uruguayan Segunda Divisi\u00f3n" ], [ "Abel Hern\u00e1ndez", "CLUB", "Central Espa\u00f1ol" ], [ "Pe\u00f1arol", "MANAGER", "Jorge Orosm\u00e1n da Silva" ], [ "Abel Hern\u00e1ndez", "CLUB", "U.S. Citt\u00e0 di Palermo" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Aleksandr Chumakov", "DEATH_PLACE", "Russia" ], [ "Russia", "LEADER_NAME", "Valentina Matviyenko" ], [ "Aleksandr Chumakov", "CLUB", "FC Torpedo Moscow" ], [ "Aleksandr Chumakov", "CLUB", "Soviet Union national football team" ], [ "FC Torpedo Moscow", "MANAGER", "Valery Petrakov" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Aleksandre Guruli", "CLUB", "FC Karpaty Lviv" ], [ "FC Karpaty Lviv", "MANAGER", "Oleh Luzhny" ], [ "Olympique Lyonnais", "CHAIRMAN", "Jean-Michel Aulas" ], [ "Aleksandre Guruli", "CLUB", "Olympique Lyonnais" ], [ "Olympique Lyonnais", "GROUND", "Parc Olympique Lyonnais" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Alessio Romagnoli", "CLUB", "A.C. Milan" ], [ "A.C. Milan", "LEAGUE", "Serie A" ], [ "A.C. Milan", "MANAGER", "Sini\u0161a Mihajlovi\u0107" ], [ "Alessio Romagnoli", "POSITION", "Defender (football)" ], [ "Alessio Romagnoli", "CLUB", "U.C. Sampdoria" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Alessio Romagnoli", "CURRENT_CLUB", "A.C. Milan" ], [ "A.C. Milan", "MANAGER", "Sini\u0161a Mihajlovi\u0107" ], [ "A.C. Milan", "CHAIRMAN", "Silvio Berlusconi" ], [ "Alessio Romagnoli", "CLUB", "Italy national under-17 football team" ], [ "Alessio Romagnoli", "CLUB", "U.C. Sampdoria" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Central Espa\u00f1ol", "LEAGUE", "Uruguayan Segunda Divisi\u00f3n" ], [ "Abel Hern\u00e1ndez", "YOUTH_CLUB", "Central Espa\u00f1ol" ], [ "U.S. Citt\u00e0 di Palermo", "MANAGER", "Giuseppe Iachini" ], [ "Abel Hern\u00e1ndez", "CLUB", "Uruguay national football team" ], [ "Abel Hern\u00e1ndez", "CLUB", "U.S. Citt\u00e0 di Palermo" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "FC Spartak Moscow", "CHAIRMAN", "Sergey Rodionov" ], [ "FC Spartak Moscow", "GROUND", "Otkrytiye Arena" ], [ "Aleksandr Prudnikov", "CLUB", "FC Spartak Moscow" ], [ "Aleksandr Prudnikov", "CLUB", "FC Amkar Perm" ], [ "FC Amkar Perm", "MANAGER", "Gadzhi Gadzhiyev" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "FC Spartak Moscow", "CHAIRMAN", "Sergey Rodionov" ], [ "FC Terek Grozny", "GROUND", "Grozny" ], [ "Aleksandr Prudnikov", "CLUB", "FC Spartak Moscow" ], [ "Aleksandr Prudnikov", "CLUB", "FC Terek Grozny" ], [ "FC Terek Grozny", "MANAGER", "Rashid Rakhimov" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "FC Terek Grozny", "GROUND", "Grozny" ], [ "Aleksandr Prudnikov", "YOUTH_CLUB", "FC Spartak Moscow" ], [ "Aleksandr Prudnikov", "CLUB", "FC Terek Grozny" ], [ "FC Terek Grozny", "MANAGER", "Rashid Rakhimov" ], [ "Aleksandr Prudnikov", "CLUB", "FC Dynamo Moscow" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "FC Torpedo Moscow", "SEASON", "2014\u201315 Russian Premier League" ], [ "Aleksandr Chumakov", "BIRTH_PLACE", "Soviet Union" ], [ "Aleksandr Chumakov", "CLUB", "FC Torpedo Moscow" ], [ "Aleksandr Chumakov", "CLUB", "Soviet Union national football team" ], [ "FC Torpedo Moscow", "MANAGER", "Valery Petrakov" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Ferencv\u00e1rosi TC", "MANAGER", "Thomas Doll" ], [ "United Petrotrin F.C.", "GROUND", "Palo Seco" ], [ "Akeem Adams", "CLUB", "Ferencv\u00e1rosi TC" ], [ "Ferencv\u00e1rosi TC", "CHAIRMAN", "G\u00e1bor Kubatov" ], [ "Akeem Adams", "CLUB", "United Petrotrin F.C." ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Ferencv\u00e1rosi TC", "MANAGER", "Thomas Doll" ], [ "United Petrotrin F.C.", "GROUND", "Palo Seco Velodrome" ], [ "Akeem Adams", "CLUB", "Ferencv\u00e1rosi TC" ], [ "Ferencv\u00e1rosi TC", "CHAIRMAN", "G\u00e1bor Kubatov" ], [ "Akeem Adams", "CLUB", "United Petrotrin F.C." ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "(19255) 1994 VK8", "EPOCH", "2006-12-31" ], [ "(19255) 1994 VK8", "MASS", "5.6 (kilograms)" ], [ "(19255) 1994 VK8", "ORBITAL_PERIOD", "8788850000.0" ], [ "(19255) 1994 VK8", "PERIAPSIS", "6155910000000.0" ], [ "(19255) 1994 VK8", "APOAPSIS", "6603633000.0 (kilometres)" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "101 Helena", "DISCOVERER", "James Craig Watson" ], [ "James Craig Watson", "ALMA_MATER", "University of Michigan" ], [ "101 Helena", "DISCOVERED", "1868-08-15" ], [ "James Craig Watson", "NATIONALITY", "Canada" ], [ "James Craig Watson", "DEATH_PLACE", "Madison, Wisconsin" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "101 Helena", "DISCOVERER", "James Craig Watson" ], [ "James Craig Watson", "ALMA_MATER", "University of Michigan" ], [ "James Craig Watson", "STATE_OF_ORIGIN", "Canada" ], [ "James Craig Watson", "DEATH_PLACE", "Madison, Wisconsin" ], [ "James Craig Watson", "DEATH_CAUSE", "Peritonitis" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "1036 Ganymed", "DISCOVERER", "Walter Baade" ], [ "Walter Baade", "DEATH_PLACE", "G\u00f6ttingen" ], [ "Walter Baade", "BIRTH_PLACE", "German Empire" ], [ "Walter Baade", "ALMA_MATER", "University of G\u00f6ttingen" ], [ "Walter Baade", "DOCTORAL_STUDENT", "Allan Sandage" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "1036 Ganymed", "DISCOVERER", "Walter Baade" ], [ "Walter Baade", "DOCTORAL_STUDENT", "Halton Arp" ], [ "Walter Baade", "DOCTORAL_STUDENT", "Allan Sandage" ], [ "Walter Baade", "BIRTH_PLACE", "German Empire" ], [ "Walter Baade", "ALMA_MATER", "University of G\u00f6ttingen" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "1036 Ganymed", "DISCOVERER", "Walter Baade" ], [ "Walter Baade", "NATIONALITY", "Germany" ], [ "Walter Baade", "BIRTH_PLACE", "German Empire" ], [ "Walter Baade", "ALMA_MATER", "University of G\u00f6ttingen" ], [ "Walter Baade", "DOCTORAL_STUDENT", "Allan Sandage" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "103 Hera", "DISCOVERER", "James Craig Watson" ], [ "James Craig Watson", "ALMA_MATER", "University of Michigan" ], [ "103 Hera", "DISCOVERED", "1868-09-07" ], [ "James Craig Watson", "NATIONALITY", "Canada" ], [ "James Craig Watson", "DEATH_PLACE", "Madison, Wisconsin" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "103 Hera", "DISCOVERER", "James Craig Watson" ], [ "James Craig Watson", "ALMA_MATER", "University of Michigan" ], [ "103 Hera", "PERIAPSIS", "371240000.0 (kilometres)" ], [ "James Craig Watson", "NATIONALITY", "Canada" ], [ "James Craig Watson", "DEATH_PLACE", "Madison, Wisconsin" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "107 Camilla", "DISCOVERER", "B. Zellner" ], [ "107 Camilla", "ORBITAL_PERIOD", "2368.05 (days)" ], [ "107 Camilla", "PERIAPSIS", "479343000.0 (kilometres)" ], [ "107 Camilla", "EPOCH", "2006-12-31" ], [ "107 Camilla", "APOAPSIS", "560937000.0 (kilometres)" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "107 Camilla", "DISCOVERER", "C. Woods" ], [ "107 Camilla", "ORBITAL_PERIOD", "2368.05 (days)" ], [ "107 Camilla", "PERIAPSIS", "479343000.0 (kilometres)" ], [ "107 Camilla", "EPOCH", "2006-12-31" ], [ "107 Camilla", "APOAPSIS", "560937000.0 (kilometres)" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "107 Camilla", "DISCOVERER", "F. Vilas" ], [ "107 Camilla", "EPOCH", "2006-12-31" ], [ "107 Camilla", "ORBITAL_PERIOD", "2368.05 (days)" ], [ "107 Camilla", "PERIAPSIS", "479343000.0 (kilometres)" ], [ "107 Camilla", "APOAPSIS", "560937000.0 (kilometres)" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "107 Camilla", "DISCOVERER", "N. R. Pogson" ], [ "N. R. Pogson", "DEATH_PLACE", "Chennai" ], [ "107 Camilla", "ABSOLUTE_MAGNITUDE", "7.08" ], [ "N. R. Pogson", "BIRTH_PLACE", "Nottingham" ], [ "N. R. Pogson", "NATIONALITY", "England" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "1089 Tama", "EPOCH", "2005-11-26" ], [ "1089 Tama", "ESCAPE_VELOCITY", "0.0068 (kilometrePerSeconds)" ], [ "1089 Tama", "FORMER_NAME", "\"A919 HA; 1927 WB;\"" ], [ "1089 Tama", "ORBITAL_PERIOD", "1202.846 (days)" ], [ "1089 Tama", "APOAPSIS", "373513000.0 (kilometres)" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "1101 Clematis", "EPOCH", "2006-12-31" ], [ "1101 Clematis", "ESCAPE_VELOCITY", "0.02 (kilometrePerSeconds)" ], [ "1101 Clematis", "MASS", "5.7 (kilograms)" ], [ "1101 Clematis", "ORBITAL_PERIOD", "183309000.0" ], [ "1101 Clematis", "APOAPSIS", "520906000.0 (kilometres)" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "11264 Claudiomaccone", "EPOCH", "2005-11-26" ], [ "11264 Claudiomaccone", "ORBITAL_PERIOD", "1513.722 (days)" ], [ "11264 Claudiomaccone", "PERIAPSIS", "296521000.0 (kilometres)" ], [ "11264 Claudiomaccone", "APOAPSIS", "475426000.0 (kilometres)" ], [ "11264 Claudiomaccone", "TEMPERATURE", "173.0 (kelvins)" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Abdul Taib Mahmud", "PARTY", "Parti Pesaka Bumiputera Bersatu" ], [ "Abdul Taib Mahmud", "REGION", "Asajaya" ], [ "Abdul Taib Mahmud", "RESIDENCE", "Kuching" ], [ "Abdul Taib Mahmud", "BIRTH_PLACE", "Miri, Malaysia" ], [ "Abdul Taib Mahmud", "DATE_OF_BIRTH", "1936-05-21" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Abdul Taib Mahmud", "SUCCESSOR", "Adenan Satem" ], [ "Abdul Taib Mahmud", "PARTY", "Parti Pesaka Bumiputera Bersatu" ], [ "Abdul Taib Mahmud", "BIRTH_PLACE", "Kingdom of Sarawak" ], [ "Abdul Taib Mahmud", "RESIDENCE", "\"Demak Jaya, Jalan Bako, Kuching, Sarawak\"" ], [ "Adenan Satem", "ALMA_MATER", "University of Adelaide" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Abdulsalami Abubakar", "IN_OFFICE_WHILE_VICE_PRESIDENT", "Mike Akhigbe" ], [ "Abdulsalami Abubakar", "ACTIVE_YEARS_END_DATE", "1999-05-29" ], [ "Mike Akhigbe", "PREDECESSOR", "Oladipo Diya" ], [ "Mike Akhigbe", "MILITARY_BRANCH", "Nigerian Navy" ], [ "Mike Akhigbe", "SUCCESSOR", "Atiku Abubakar" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Abdulsalami Abubakar", "SUCCESSOR", "Olusegun Obasanjo" ], [ "Abdulsalami Abubakar", "IN_OFFICE_WHILE_VICE_PRESIDENT", "Mike Akhigbe" ], [ "Abdulsalami Abubakar", "ACTIVE_YEARS_END_DATE", "1999-05-29" ], [ "Abdulsalami Abubakar", "MILITARY_BRANCH", "Nigerian Army" ], [ "Mike Akhigbe", "PREDECESSOR", "Oladipo Diya" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Abraham A. Ribicoff", "DEATH_PLACE", "United States" ], [ "Abraham A. Ribicoff", "PARTY", "Democratic Party (United States)" ], [ "Abraham A. Ribicoff", "BIRTH_PLACE", "Connecticut" ], [ "Abraham A. Ribicoff", "NATIONALITY", "United States" ], [ "Abraham A. Ribicoff", "OFFICE_(WORKED_AT,_WORKED_AS)", "\"Governor of Connecticut\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Abraham A. Ribicoff", "OFFICE_(WORKED_AT,_WORKED_AS)", "\"United States Secretary of Health, Education, and Welfare\"" ], [ "Abraham A. Ribicoff", "PARTY", "Democratic Party (United States)" ], [ "Abraham A. Ribicoff", "DEATH_PLACE", "New York City" ], [ "Abraham A. Ribicoff", "BIRTH_PLACE", "Connecticut" ], [ "Abraham A. Ribicoff", "NATIONALITY", "United States" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Abraham A. Ribicoff", "SPOUSE", "Casey Ribicoff" ], [ "United States", "ETHNIC_GROUP", "Native Americans in the United States" ], [ "Abraham A. Ribicoff", "BIRTH_PLACE", "Connecticut" ], [ "Abraham A. Ribicoff", "NATIONALITY", "United States" ], [ "Abraham A. Ribicoff", "DEATH_PLACE", "New York" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Adam Holloway", "BIRTH_PLACE", "Kent" ], [ "Adam Holloway", "OFFICE_(WORKED_AT,_WORKED_AS)", "Member of Parliament for Gravesham" ], [ "Adam Holloway", "ACTIVE_YEARS_START_DATE", "2005-05-05" ], [ "Adam Holloway", "MILITARY_BRANCH", "Grenadier Guards" ], [ "Adam Holloway", "ALMA_MATER", "Magdalene College, Cambridge" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Adam Holloway", "PARTY", "Conservative Party (UK)" ], [ "Adam Holloway", "BIRTH_PLACE", "\"Faversham, Kent, England\"" ], [ "Adam Holloway", "ACTIVE_YEARS_START_DATE", "2005-05-05" ], [ "Adam Holloway", "MILITARY_BRANCH", "Grenadier Guards" ], [ "Adam Holloway", "ALMA_MATER", "Magdalene College, Cambridge" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Adonis Georgiadis", "IN_OFFICE_WHILE_PRIME_MINISTER", "Antonis Samaras" ], [ "Antonis Samaras", "IN_OFFICE_WHILE_PRIME_MINISTER", "Konstantinos Mitsotakis" ], [ "Adonis Georgiadis", "BIRTH_PLACE", "Greece" ], [ "Adonis Georgiadis", "BIRTH_PLACE", "Athens" ], [ "Adonis Georgiadis", "SUCCESSOR", "Makis Voridis" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Agnes Kant", "NATIONALITY", "Netherlands" ], [ "Netherlands", "LEADER_NAME", "Mark Rutte" ], [ "Agnes Kant", "OFFICE_(WORKED_AT,_WORKED_AS)", "House of Representatives (Netherlands)" ], [ "Emile Roemer", "PARTY", "Socialist Party (Netherlands)" ], [ "Socialist Party (Netherlands)", "LEADER_NAME", "Emile Roemer" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Agnes Kant", "NATIONALITY", "Netherlands" ], [ "Netherlands", "LEADER_NAME", "Mark Rutte" ], [ "Agnes Kant", "OFFICE_(WORKED_AT,_WORKED_AS)", "House of Representatives (Netherlands)" ], [ "House of Representatives (Netherlands)", "LEADER_NAME", "Khadija Arib" ], [ "Agnes Kant", "RESIDENCE", "Doesburg" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Agnes Kant", "NATIONALITY", "Netherlands" ], [ "Netherlands", "LEADER_NAME", "Mark Rutte" ], [ "Agnes Kant", "RESIDENCE", "Doesburg" ], [ "Emile Roemer", "PARTY", "Socialist Party (Netherlands)" ], [ "Socialist Party (Netherlands)", "LEADER_NAME", "Emile Roemer" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Albert B. White", "DATE_OF_BIRTH", "1856" ], [ "Albert B. White", "DEATH_YEAR", "1941" ], [ "Albert B. White", "DATE_OF_BIRTH", "1856-09-22" ], [ "Albert B. White", "DEATH_PLACE", "Parkersburg, West Virginia" ], [ "Albert B. White", "DATE_OF_DEATH", "1941-07-03" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Albert B. White", "SPOUSE", "Agnes Ward White" ], [ "Albert B. White", "BIRTH_PLACE", "Cleveland" ], [ "Albert B. White", "DEATH_PLACE", "Parkersburg, West Virginia" ], [ "Albert B. White", "SUCCESSOR", "William M. O. Dawson" ], [ "William M. O. Dawson", "BIRTH_PLACE", "Bloomington, Maryland" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Albert B. White", "SPOUSE", "Agnes Ward White" ], [ "Albert B. White", "SUCCESSOR", "William M. O. Dawson" ], [ "Albert B. White", "OFFICE_(WORKED_AT,_WORKED_AS)", "\"Governor of West Virginia\"" ], [ "Albert B. White", "BIRTH_PLACE", "Cleveland" ], [ "Albert B. White", "ACTIVE_YEARS_END_DATE", "1905-03-04" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Albert B. White", "SUCCESSOR", "William M. O. Dawson" ], [ "Albert B. White", "PARTY", "Republican Party (United States)" ], [ "Albert B. White", "BIRTH_PLACE", "Cleveland" ], [ "Albert B. White", "ACTIVE_YEARS_END_DATE", "1905-03-04" ], [ "Albert B. White", "ACTIVE_YEARS_START_DATE", "1901-03-04" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Alberto Teisaire", "DEATH_PLACE", "Buenos Aires" ], [ "Juan Per\u00f3n", "SPOUSE", "Eva Per\u00f3n" ], [ "Juan Per\u00f3n", "PARTY", "Labour Party (Argentina)" ], [ "Buenos Aires", "LEADER_NAME", "Horacio Rodr\u00edguez Larreta" ], [ "Alberto Teisaire", "IN_OFFICE_WHILE_PRESIDENT", "Juan Per\u00f3n" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Alberto Teisaire", "OFFICE_(WORKED_AT,_WORKED_AS)", "\"Provisional President of the Argentine Senate\"" ], [ "Alberto Teisaire", "PROFESSION", "Rear admiral" ], [ "Alberto Teisaire", "SUCCESSOR", "Isaac Rojas" ], [ "Alberto Teisaire", "BIRTH_PLACE", "Mendoza, Argentina" ], [ "Alberto Teisaire", "DATE_OF_BIRTH", "1891-05-20" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Alfons Gorbach", "DEATH_PLACE", "Styria" ], [ "Alfons Gorbach", "PARTY", "Austrian People's Party" ], [ "Alfons Gorbach", "DEATH_PLACE", "Graz" ], [ "Alfons Gorbach", "BIRTH_PLACE", "Tyrol (state)" ], [ "Alfons Gorbach", "BIRTH_PLACE", "Austria" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Alfons Gorbach", "DEATH_PLACE", "Styria" ], [ "Alfons Gorbach", "PARTY", "Austrian People's Party" ], [ "Alfons Gorbach", "DEATH_PLACE", "Graz" ], [ "Alfons Gorbach", "BIRTH_PLACE", "Tyrol (state)" ], [ "Alfons Gorbach", "BIRTH_PLACE", "Imst" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Alvah Sabin", "ACTIVE_YEARS_END_DATE", "1857-03-03" ], [ "Alvah Sabin", "REGION", "Vermont's 3rd congressional district" ], [ "Vermont", "LARGEST_CITY", "Burlington, Vermont" ], [ "Alvah Sabin", "STATE", "Vermont" ], [ "Alvah Sabin", "DEATH_PLACE", "Sycamore, Illinois" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Alvah Sabin", "REGION", "Vermont's 3rd congressional district" ], [ "Alvah Sabin", "BIRTH_PLACE", "Georgia, Vermont" ], [ "Vermont", "LARGEST_CITY", "Burlington, Vermont" ], [ "Alvah Sabin", "STATE", "Vermont" ], [ "Alvah Sabin", "DEATH_PLACE", "Sycamore, Illinois" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "American Civil War", "COMMANDER", "Jefferson Davis" ], [ "Alfred Moore Scales", "COUNTRY", "United States" ], [ "Alfred Moore Scales", "BATTLES", "Battle of Gettysburg" ], [ "United States", "ETHNIC_GROUP", "Native Americans in the United States" ], [ "Battle of Gettysburg", "IS_PART_OF_MILITARY_CONFLICT", "American Civil War" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "American Civil War", "COMMANDER", "Jefferson Davis" ], [ "Alfred Moore Scales", "COUNTRY", "United States" ], [ "United States", "ETHNIC_GROUP", "Native Americans in the United States" ], [ "Alfred Moore Scales", "BATTLES", "Siege of Petersburg" ], [ "Siege of Petersburg", "IS_PART_OF_MILITARY_CONFLICT", "American Civil War" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Juan Per\u00f3n", "SPOUSE", "Eva Per\u00f3n" ], [ "Juan Per\u00f3n", "PARTY", "Labour Party (Argentina)" ], [ "Alberto Teisaire", "NATIONALITY", "Argentina" ], [ "Argentina", "LANGUAGE", "Spanish language" ], [ "Alberto Teisaire", "IN_OFFICE_WHILE_PRESIDENT", "Juan Per\u00f3n" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Aaron Bertram", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Kids Imagine Nation" ], [ "Aaron Bertram", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Suburban Legends" ], [ "Suburban Legends", "BAND_MEMBER", "Brian Robertson (trombonist)" ], [ "Aaron Bertram", "GENRE", "Ska punk" ], [ "Ska punk", "STYLISTIC_ORIGIN", "Punk rock" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Aaron Deer", "GENRE", "Indie rock" ], [ "Aaron Deer", "ORIGIN", "United States" ], [ "Aaron Deer", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Wee Giant" ], [ "Aaron Deer", "BACKGROUND", "\"solo singer\"" ], [ "Aaron Deer", "ORIGIN", "Indiana" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Aaron Turner", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Old Man Gloom" ], [ "Aaron Turner", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Lotus Eaters (band)" ], [ "Aaron Turner", "GENRE", "Black metal" ], [ "Aaron Turner", "ORIGIN", "United States" ], [ "Aaron Turner", "ACTIVE_YEARS_START_YEAR", "1995" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Aaron Turner", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Twilight (band)" ], [ "Aaron Turner", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Lotus Eaters (band)" ], [ "Aaron Turner", "GENRE", "Sludge metal" ], [ "Aaron Turner", "ORIGIN", "Massachusetts" ], [ "Aaron Turner", "ACTIVE_YEARS_START_YEAR", "1995" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Abradab", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Magik (rapper)" ], [ "Abradab", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Kaliber 44" ], [ "Abradab", "BIRTH_PLACE", "Katowice" ], [ "Abradab", "BIRTH_PLACE", "Poland" ], [ "Abradab", "DATE_OF_BIRTH", "1978-11-12" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Ace Wilder", "BACKGROUND", "\"solo singer\"" ], [ "Ace Wilder", "DATE_OF_BIRTH", "1982" ], [ "Ace Wilder", "OCCUPATION", "Singing" ], [ "Ace Wilder", "BIRTH_PLACE", "Sweden" ], [ "Ace Wilder", "DATE_OF_BIRTH", "1982-07-23" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Ace Wilder", "BACKGROUND", "\"solo singer\"" ], [ "Ace Wilder", "DATE_OF_BIRTH", "1982" ], [ "Ace Wilder", "OCCUPATION", "Songwriter" ], [ "Ace Wilder", "BIRTH_PLACE", "Stockholm" ], [ "Ace Wilder", "DATE_OF_BIRTH", "1982-07-23" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Ace Wilder", "GENRE", "Hip hop music" ], [ "Hip hop music", "MUSIC_SUBGENRE", "Gangsta rap" ], [ "Hip hop music", "STYLISTIC_ORIGIN", "Funk" ], [ "Hip hop music", "DERIVATIVE", "Drum and bass" ], [ "Hip hop music", "STYLISTIC_ORIGIN", "Disco" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Ace Wilder", "GENRE", "Hip hop music" ], [ "Hip hop music", "STYLISTIC_ORIGIN", "Funk" ], [ "Ace Wilder", "BIRTH_PLACE", "Sweden" ], [ "Hip hop music", "DERIVATIVE", "Drum and bass" ], [ "Hip hop music", "STYLISTIC_ORIGIN", "Disco" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Al Anderson (NRBQ band)", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "NRBQ" ], [ "Al Anderson (NRBQ band)", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "The Wildweeds" ], [ "Al Anderson (NRBQ band)", "BIRTH_PLACE", "Windsor, Connecticut" ], [ "Al Anderson (NRBQ band)", "GENRE", "Rock music" ], [ "Al Anderson (NRBQ band)", "ACTIVE_YEARS_START_YEAR", "1966" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Al Anderson (NRBQ band)", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "NRBQ" ], [ "Rock music", "MUSIC_FUSION_GENRE", "Bhangra (music)" ], [ "Al Anderson (NRBQ band)", "INSTRUMENT", "Guitar" ], [ "Al Anderson (NRBQ band)", "GENRE", "Rock music" ], [ "Rock music", "STYLISTIC_ORIGIN", "Country music" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Alan Frew", "OCCUPATION", "Musician" ], [ "Alan Frew", "ORIGIN", "Canada" ], [ "Alan Frew", "BIRTH_PLACE", "Coatbridge" ], [ "Alan Frew", "ORIGIN", "Newmarket, Ontario" ], [ "Alan Frew", "BACKGROUND", "\"solo singer\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Aleksandra Kova\u010d", "BACKGROUND", "\"solo singer\"" ], [ "Aleksandra Kova\u010d", "DATE_OF_BIRTH", "1972" ], [ "Aleksandra Kova\u010d", "BIRTH_PLACE", "Socialist Republic of Serbia" ], [ "Aleksandra Kova\u010d", "GENRE", "Pop music" ], [ "Pop music", "MUSIC_FUSION_GENRE", "Disco" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Aleksandra Kova\u010d", "GENRE", "Rhythm and blues" ], [ "Aleksandra Kova\u010d", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "K2 (Kova\u010d sisters duo)" ], [ "Aleksandra Kova\u010d", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Kornelije Kova\u010d" ], [ "Aleksandra Kova\u010d", "BACKGROUND", "\"solo singer\"" ], [ "Aleksandra Kova\u010d", "ACTIVE_YEARS_START_YEAR", "1990" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Alfred Garth Jones", "DEATH_PLACE", "London" ], [ "Alfred Garth Jones", "BIRTH_PLACE", "England" ], [ "Alfred Garth Jones", "NATIONALITY", "United Kingdom" ], [ "Alfred Garth Jones", "BIRTH_PLACE", "Manchester" ], [ "Alfred Garth Jones", "DATE_OF_BIRTH", "1872" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Alfred Garth Jones", "DEATH_PLACE", "Sidcup" ], [ "Alfred Garth Jones", "DEATH_PLACE", "London" ], [ "Alfred Garth Jones", "BIRTH_PLACE", "Manchester" ], [ "London", "LEADER_TITLE", "European Parliament" ], [ "London", "LEADER_NAME", "Boris Johnson" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Alfred Garth Jones", "DEATH_PLACE", "Sidcup" ], [ "Alfred Garth Jones", "DEATH_PLACE", "London" ], [ "Alfred Garth Jones", "BIRTH_PLACE", "Manchester" ], [ "Manchester", "LEADER_NAME", "Labour Party (UK)" ], [ "London", "LEADER_TITLE", "European Parliament" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Alison O'Donnell", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Flibbertigibbet" ], [ "Alison O'Donnell", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Mellow Candle" ], [ "Alison O'Donnell", "GENRE", "Folk music of Ireland" ], [ "Alison O'Donnell", "RECORD_LABEL", "Floating World Records" ], [ "Alison O'Donnell", "ACTIVE_YEARS_START_YEAR", "1963" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Alison O'Donnell", "GENRE", "Jazz" ], [ "Jazz", "DERIVATIVE", "Funk" ], [ "Alison O'Donnell", "RECORD_LABEL", "Deram Records" ], [ "Deram Records", "LOCATION", "London" ], [ "Alison O'Donnell", "RECORD_LABEL", "Stanyan Records" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Alison O'Donnell", "GENRE", "Jazz" ], [ "Jazz", "DERIVATIVE", "Funk" ], [ "Jazz", "MUSIC_FUSION_GENRE", "Afrobeat" ], [ "Alison O'Donnell", "INSTRUMENT", "Autoharp" ], [ "Jazz", "STYLISTIC_ORIGIN", "Folk music" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Alison O'Donnell", "GENRE", "Jazz" ], [ "Jazz", "STYLISTIC_ORIGIN", "Blues" ], [ "Jazz", "DERIVATIVE", "Funk" ], [ "Jazz", "MUSIC_FUSION_GENRE", "Afrobeat" ], [ "Alison O'Donnell", "INSTRUMENT", "\"Voice, bodhr\u00e1n, percussion, autoharp\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Allen Forrest", "DATE_OF_BIRTH", "1981" ], [ "Allen Forrest", "GENRE", "Acoustic music" ], [ "Allen Forrest", "BIRTH_PLACE", "Dothan, Alabama" ], [ "Allen Forrest", "BACKGROUND", "\"solo singer\"" ], [ "Allen Forrest", "BIRTH_PLACE", "Fort Campbell" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Anders Osborne", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Billy Iuso" ], [ "Anders Osborne", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Voice of the Wetlands All-Stars" ], [ "Anders Osborne", "GENRE", "Rock music" ], [ "Anders Osborne", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Galactic" ], [ "Anders Osborne", "ACTIVE_YEARS_START_YEAR", "1989" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Anders Osborne", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Galactic" ], [ "Anders Osborne", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Tab Benoit" ], [ "Anders Osborne", "GENRE", "Blues" ], [ "Anders Osborne", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Billy Iuso" ], [ "Anders Osborne", "ACTIVE_YEARS_START_YEAR", "1989" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Andra (singer)", "DATE_OF_BIRTH", "1986" ], [ "Andra (singer)", "GENRE", "Dance-pop" ], [ "Andra (singer)", "BIRTH_PLACE", "C\u00e2mpia Turzii" ], [ "Andra (singer)", "BACKGROUND", "\"solo singer\"" ], [ "Andra (singer)", "OCCUPATION", "\"singer, Reality television judge\"" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Andra (singer)", "GENRE", "Rhythm and blues" ], [ "Andra (singer)", "BACKGROUND", "\"solo singer\"" ], [ "Andra (singer)", "DATE_OF_BIRTH", "1986" ], [ "Andra (singer)", "OCCUPATION", "Singing" ], [ "Andra (singer)", "BIRTH_PLACE", "Romania" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Andrew Rayel", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Armin van Buuren" ], [ "Andrew Rayel", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Bobina" ], [ "Andrew Rayel", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "\"Armin Van Buuren, Bobina, Mark Sixma, Jonathan Mendelsohn, Christian Burns, Jwaydan, Alexander Popov, Jano, Alexandre Bergheau, Jonny Rose, Sylvia Tosun, Lira Yin, Alexandra Badoi\"" ], [ "Andrew Rayel", "GENRE", "Trance music" ], [ "Trance music", "STYLISTIC_ORIGIN", "Pop music" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Andrew Rayel", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Christian Burns" ], [ "Andrew Rayel", "GENRE", "Trance music" ], [ "Andrew Rayel", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Armin van Buuren" ], [ "Andrew Rayel", "BIRTH_PLACE", "\"Chi\u0219in\u0103u, Moldova\"" ], [ "Andrew Rayel", "ACTIVE_YEARS_START_YEAR", "2009" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Andrew Rayel", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Jwaydan Moyine" ], [ "Andrew Rayel", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Bobina" ], [ "Andrew Rayel", "GENRE", "Trance music" ], [ "Andrew Rayel", "BIRTH_PLACE", "\"Chi\u0219in\u0103u, Moldova\"" ], [ "Andrew Rayel", "ACTIVE_YEARS_START_YEAR", "2009" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Andrew Rayel", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Jwaydan Moyine" ], [ "Jwaydan Moyine", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "John Digweed" ], [ "Andrew Rayel", "INSTRUMENT", "String instrument" ], [ "Andrew Rayel", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Christian Burns" ], [ "Andrew Rayel", "GENRE", "Trance music" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Andrew White (musician)", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Kaiser Chiefs" ], [ "Andrew White (musician)", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Marry Banilow" ], [ "Andrew White (musician)", "RECORD_LABEL", "B-Unique Records" ], [ "Andrew White (musician)", "RECORD_LABEL", "Polydor Records" ], [ "Andrew White (musician)", "ACTIVE_YEARS_START_YEAR", "2003" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Hip hop music", "STYLISTIC_ORIGIN", "Disco" ], [ "Allen Forrest", "BIRTH_PLACE", "Fort Campbell" ], [ "Allen Forrest", "GENRE", "Hip hop music" ], [ "Hip hop music", "STYLISTIC_ORIGIN", "Funk" ], [ "Hip hop music", "DERIVATIVE", "Drum and bass" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Hip hop music", "STYLISTIC_ORIGIN", "Disco" ], [ "Allen Forrest", "GENRE", "Hip hop music" ], [ "Allen Forrest", "DATE_OF_BIRTH", "1981" ], [ "Hip hop music", "STYLISTIC_ORIGIN", "Funk" ], [ "Hip hop music", "DERIVATIVE", "Drum and bass" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "London", "LEADER_TITLE", "Parliament of the United Kingdom" ], [ "Alfred Garth Jones", "DEATH_PLACE", "Sidcup" ], [ "Alfred Garth Jones", "DEATH_PLACE", "London" ], [ "Alfred Garth Jones", "BIRTH_PLACE", "Manchester" ], [ "Manchester", "LEADER_NAME", "Labour Party (UK)" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Paraguay", "ETHNIC_GROUP", "Mestizo" ], [ "Agust\u00edn Barboza", "BIRTH_PLACE", "Asunci\u00f3n" ], [ "Paraguay", "LEADER_NAME", "Juan Afara" ], [ "Agust\u00edn Barboza", "DEATH_PLACE", "Paraguay" ], [ "Paraguay", "LANGUAGE", "Spanish language" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Polydor Records", "LOCATION", "London" ], [ "Alternative rock", "MUSIC_FUSION_GENRE", "Nu metal" ], [ "Andrew White (musician)", "GENRE", "Alternative rock" ], [ "Andrew White (musician)", "RECORD_LABEL", "B-Unique Records" ], [ "Andrew White (musician)", "RECORD_LABEL", "Polydor Records" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Polydor Records", "LOCATION", "London" ], [ "Alternative rock", "MUSIC_FUSION_GENRE", "Nu metal" ], [ "Andrew White (musician)", "RECORD_LABEL", "Polydor Records" ], [ "Andrew White (musician)", "RECORD_LABEL", "Universal Records (defunct record label)" ], [ "Andrew White (musician)", "GENRE", "Alternative rock" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Rock music", "MUSIC_FUSION_GENRE", "Bhangra (music)" ], [ "Al Anderson (NRBQ band)", "INSTRUMENT", "Guitar" ], [ "Al Anderson (NRBQ band)", "GENRE", "Rock music" ], [ "Rock music", "STYLISTIC_ORIGIN", "Country music" ], [ "Country music", "STYLISTIC_ORIGIN", "Blues" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Rock music", "STYLISTIC_ORIGIN", "Blues" ], [ "Rock music", "MUSIC_FUSION_GENRE", "Bhangra (music)" ], [ "Country music", "INSTRUMENT", "Banjo" ], [ "Al Anderson (NRBQ band)", "GENRE", "Rock music" ], [ "Rock music", "STYLISTIC_ORIGIN", "Country music" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Twilight (band)", "GENRE", "Black metal" ], [ "Aaron Turner", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Twilight (band)" ], [ "Aaron Turner", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Old Man Gloom" ], [ "Aaron Turner", "INSTRUMENT", "Electric guitar" ], [ "Black metal", "MUSIC_FUSION_GENRE", "Death metal" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Uruguay", "LEADER_NAME", "Ra\u00fal Fernando Sendic Rodr\u00edguez" ], [ "Alfredo Zitarrosa", "DEATH_PLACE", "Montevideo" ], [ "Montevideo", "COUNTRY", "Uruguay" ], [ "Montevideo", "LEADER_NAME", "Daniel Mart\u00ednez (politician)" ], [ "Uruguay", "LANGUAGE", "Spanish language" ] ], "subtree_was_extended": false, "annotations": [] }, { "tripleset": [ [ "Abilene Regional Airport", "CITY_SERVED", "Abilene, Texas" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Abilene, Texas is served by the Abilene regional airport." }, { "source": "webnlg", "text": "Abilene Regional Airport serves the city of Abilene in Texas." } ] }, { "tripleset": [ [ "Adolfo Su\u00e1rez Madrid\u2013Barajas Airport", "LOCATION", "\"Madrid, Paracuellos de Jarama, San Sebasti\u00e1n de los Reyes and Alcobendas\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Adolfo Su\u00e1rez Madrid\u2013Barajas Airport can be found in Madrid, Paracuellos de Jarama, San Sebasti\u00e1n de los Reyes and Alcobendas." }, { "source": "webnlg", "text": "Adolfo Suarez Madrid-Barajas airport is located at Madrid, Paracuellos de Jarama, San Sebasti\u00e1n de los Reyes and Alcobendas." }, { "source": "webnlg", "text": "Adolfo Suarez Madrid-Barajas Airport is located in Madrid, Paracuellos de Jarama, San Sebastian de los Reyes and Alcobendas." } ] }, { "tripleset": [ [ "Adolfo Su\u00e1rez Madrid\u2013Barajas Airport", "RUNWAY_NAME", "\"18L/36R\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The runway name of Adolfo Su\u00e1rez Madrid\u2013Barajas Airport is 18L/36R." }, { "source": "webnlg", "text": "The runway name at Adolfo Suarez Madrid-Barajas airport is 18L/36R." }, { "source": "webnlg", "text": "The runway name of Adolfo Suarez Madrid-Barajas Airport is 18L/36R." } ] }, { "tripleset": [ [ "Afonso Pena International Airport", "ICAO_LOCATION_IDENTIFIER", "\"SBCT\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Afonso Pena International Airport ICAO Location Idenitifier is SBCT." }, { "source": "webnlg", "text": "SBCT is the ICAO location identifier of Afonso Pena International Airport." } ] }, { "tripleset": [ [ "Afonso Pena International Airport", "CITY_SERVED", "Curitiba" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Afonso Pena International Airport serves the city of Curitiba." }, { "source": "webnlg", "text": "Afonso Pena International Airport serves Curitiba." } ] }, { "tripleset": [ [ "Al-Taqaddum Air Base", "CITY_SERVED", "Fallujah" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Al Taqaddum Air Base serves the city of Fallujah." }, { "source": "webnlg", "text": "Al-Taqaddum Air Base serves the city of Fallujah." } ] }, { "tripleset": [ [ "Al-Taqaddum Air Base", "RUNWAY_LENGTH", "3684.0" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The runway length of Al-Taqaddum Air Base is 3684.0." }, { "source": "webnlg", "text": "The length of the runway at Al-Taqaddum Air Base is 3684.0." } ] }, { "tripleset": [ [ "Alderney Airport", "RUNWAY_NAME", "\"14/32\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alderney Airport runway name is 14/32." }, { "source": "webnlg", "text": "14/32 is the runway name of Alderney Airport." }, { "source": "webnlg", "text": "The runway name of Alderney Airport is 14/32." } ] }, { "tripleset": [ [ "Allama Iqbal International Airport", "RUNWAY_LENGTH", "3360.12" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The runway length at Allama Iqbal International Airport is 3,360.12." }, { "source": "webnlg", "text": "The runway at Allama Iqbal International Airport has a length of 3360.12." }, { "source": "webnlg", "text": "The runway at Allama Iqbal International Airport is 3360.12 long." } ] }, { "tripleset": [ [ "Amsterdam Airport Schiphol", "1ST_RUNWAY_NUMBER", "18" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The first runway at Amsterdam's Schiphol Airport is known as Number 18." }, { "source": "webnlg", "text": "The Amsterdam Airport Schiphol's 1st runway number is 18." }, { "source": "webnlg", "text": "The number of the 1st runway at Amsterdam Airport Schiphol is 18." } ] }, { "tripleset": [ [ "Amsterdam Airport Schiphol", "5TH_RUNWAY_SURFACE_TYPE", "\"Asphalt\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The 5th runway at Amsterdam airport Schiphol has an asphalt surfacing." }, { "source": "webnlg", "text": "The fifth runway of Amsterdam Airport Schiphol has an asphalt surface." }, { "source": "webnlg", "text": "The 5th runway of the Amsterdam Airport Schiphol is asphalt." } ] }, { "tripleset": [ [ "Amsterdam Airport Schiphol", "RUNWAY_NAME", "\"06/24 'Kaagbaan'\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Amsterdam Airport Schiphol runway name is 06/24 Kaagbaan." }, { "source": "webnlg", "text": "06/24, Kaagbaan, is the runway name of Amsterdam Airport Schiphol." }, { "source": "webnlg", "text": "The runway name of Amsterdam Airport Schiphol is 06/24 Kaagbaan." } ] }, { "tripleset": [ [ "Andrews County Airport", "ELEVATION", "973.0" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Andrews County Airport is 973 metres above sea level." }, { "source": "webnlg", "text": "Andrews airport's is 973.0 above sea level." } ] }, { "tripleset": [ [ "Andrews County Airport", "OWNER", "Andrews County, Texas" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Andrews County Airport is owned by Andrews County, Texas." }, { "source": "webnlg", "text": "The owner of Andrews County airport is Andrews County, Texas." }, { "source": "webnlg", "text": "Andrews County Airport is owned by Andrews County, Texas." } ] }, { "tripleset": [ [ "Andrews County Airport", "RUNWAY_LENGTH", "896.0" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The runway length of Andrews County Airport is 896." } ] }, { "tripleset": [ [ "Angola International Airport", "1ST_RUNWAY_SURFACE_TYPE", "\"Asphalt\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Angola International Airport is the first runway made of asphalt." }, { "source": "webnlg", "text": "Asphalt is the surface of the first runway of Angola International Airport." }, { "source": "webnlg", "text": "The 1st runway at Angola International Airport has an asphalt surface." } ] }, { "tripleset": [ [ "Antwerp International Airport", "ELEVATION", "12.0" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Antwerp International Airport is 12 metres above sea level." }, { "source": "webnlg", "text": "Antwerp International Airport has an elevation of 12.0 metres above sea level.e." } ] }, { "tripleset": [ [ "Antwerp International Airport", "OPERATING_ORGANISATION", "Flemish Government" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Antwerp International Airport is operated by the Flemish Government." }, { "source": "webnlg", "text": "The operating organisation of Antwerp International airport is the Flemish government." }, { "source": "webnlg", "text": "Antwerp International Airport is operated by the Flemish government." } ] }, { "tripleset": [ [ "Appleton International Airport", "RUNWAY_LENGTH", "2439.0" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The runway length of Appleton International Airport is 2,439." }, { "source": "webnlg", "text": "The runway length of the Appleton International airport is 2439 units." }, { "source": "webnlg", "text": "The runway length of Appleton International Airport is 2439.0." } ] }, { "tripleset": [ [ "Ardmore Airport (New Zealand)", "RUNWAY_LENGTH", "518.0" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Ardmore Airport (New Zealand) runway length is 518.0." }, { "source": "webnlg", "text": "The runway length of Ardmore Airport, New Zealand, is 518.0." }, { "source": "webnlg", "text": "The runway length of Ardmore Airport (New Zealand) is 518.0." } ] }, { "tripleset": [ [ "Ashgabat International Airport", "ICAO_LOCATION_IDENTIFIER", "\"UTAA\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "UTAA is the ICAO Location Identifier of Ashgabat International Airport." }, { "source": "webnlg", "text": "The ICAO Location Identifier of Ashgabat International Airport is UTAA." } ] }, { "tripleset": [ [ "Ashgabat International Airport", "RUNWAY_NAME", "\"11/29\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The runway name of Ashgabat International Airport is 11/29." }, { "source": "webnlg", "text": "The runway name at Ashgabat International airport is 11/29." } ] }, { "tripleset": [ [ "Atlantic City International Airport", "OWNER", "South Jersey Transportation Authority" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Atlantic City International Airport owner is South Jersey Transportation Authority." }, { "source": "webnlg", "text": "South Jersey Transportation Authority is the owner of the Atlantic City International Airport." }, { "source": "webnlg", "text": "Atlantic City International Airport is owned by the South Jersey Transportation Authority." } ] }, { "tripleset": [ [ "Atlantic City International Airport", "RUNWAY_NAME", "\"13/31\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The name of the runway at Atlantic City International Airport is \"13/31\"." }, { "source": "webnlg", "text": "13/31 is the runway name for Atlantic City International airport." }, { "source": "webnlg", "text": "Atlantic City International Airport's runway name is \"13/31\"." } ] }, { "tripleset": [ [ "Belgium", "LANGUAGE", "Dutch language" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Dutch language is spoken in Belgium." }, { "source": "webnlg", "text": "Dutch is the language spoken in Belgium." }, { "source": "webnlg", "text": "Belgium's language is Dutch." } ] }, { "tripleset": [ [ "Curitiba", "IS_PART_OF", "South Region, Brazil" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Curitiba is part of the South Region, Brazil." } ] }, { "tripleset": [ [ "Denmark", "DEMONYM", "Danes" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Denmark demonym is Danes." }, { "source": "webnlg", "text": "The inhabitants of Denmark have the demonym of Danes." }, { "source": "webnlg", "text": "The people of Denmark are called Danes." } ] }, { "tripleset": [ [ "Fallujah", "COUNTRY", "Iraq" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Fallujah is in the country of Iraq." }, { "source": "webnlg", "text": "Fallujah is located in the country of Iraq." }, { "source": "webnlg", "text": "Fallujah is in Iraq." } ] }, { "tripleset": [ [ "Greenville, Wisconsin", "COUNTRY", "United States" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Greenville, Wisconsin is in the U.S.A." }, { "source": "webnlg", "text": "Greenville, Wisconsin is located in the United States." }, { "source": "webnlg", "text": "Greenville, Wisconsin is in the United States." } ] }, { "tripleset": [ [ "Greenville, Wisconsin", "IS_PART_OF", "Grand Chute, Wisconsin" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Greenville, Wisconsin is part of Grand Chute, Wisconsin." }, { "source": "webnlg", "text": "Greenville, Wisconsin is in Grand Chute, Wisconsin." }, { "source": "webnlg", "text": "Greenville, Wisconsin, is part of Grand Chute, Wisconsin." } ] }, { "tripleset": [ [ "Iraq", "LANGUAGE", "Arabic" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Iraq language is Arabic." }, { "source": "webnlg", "text": "Arabic is the language in Iraq." } ] }, { "tripleset": [ [ "Madrid", "COUNTRY", "Spain" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Madrid is in the country of Spain." }, { "source": "webnlg", "text": "The city of Madrid is found in Spain." }, { "source": "webnlg", "text": "Madrid is located in Spain." } ] }, { "tripleset": [ [ "Maple Ridge Township, Alpena County, Michigan", "IS_PART_OF", "United States" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Maple Ridge Township in Alpena County, Michigan is part of the United States." }, { "source": "webnlg", "text": "Maple Ridge Township, Alpena County, Michigan is part of the United States." } ] }, { "tripleset": [ [ "Pakistan", "LEADER_NAME", "Sardar Ayaz Sadiq" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The leader of Pakistan is Sardar Ayaz Sadiq." } ] }, { "tripleset": [ [ "Port Authority of New York and New Jersey", "REGION_SERVED", "New Jersey" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "New Jersey is a region served by the Port Authority of New York and New Jersey." }, { "source": "webnlg", "text": "The Port Authority of N.Y. and N.J. serves New Jersey." }, { "source": "webnlg", "text": "The Port Authority of New York and New Jersey serves the region of New Jersey." } ] }, { "tripleset": [ [ "Texas", "LARGEST_CITY", "Houston" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Houston is the largest city in Texas." } ] }, { "tripleset": [ [ "United States Air Force", "BATTLES", "1986 United States bombing of Libya" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The USAF was involved in the 1986 bombing of Libya." }, { "source": "webnlg", "text": "The United States Air Force was fighting in the United States bombing of Libya in 1986." }, { "source": "webnlg", "text": "The 1986 United States bombing of Libya was carried out by the United States Air Force." } ] }, { "tripleset": [ [ "United States Air Force", "TRANSPORT_AIRCRAFT", "Boeing C-17 Globemaster III" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The United States Air Force has a Boeing C-17 Globemaster III transport aircraft." }, { "source": "webnlg", "text": "The Boeing C-17 Globemaster III is a transport aircraft of the United States Air Force." } ] }, { "tripleset": [ [ "11th Mississippi Infantry Monument", "ESTABLISHED", "2000" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The 11th Mississippi Infantry Monument was established in the year 2000." }, { "source": "webnlg", "text": "The 11th Mississippi Infantry Monument was established in 2000." }, { "source": "webnlg", "text": "A monument to the 11th Mississippi Infantry was erected in 2000." }, { "source": "webnlg", "text": "11th Mississippi Infantry Monument was established in 2000." }, { "source": "webnlg", "text": "11th Mississippi Infantry Monument has been established in 2000." }, { "source": "webnlg", "text": "The 11th Mississippi Infantry Monument was completed in 2000." } ] }, { "tripleset": [ [ "Adams County, Pennsylvania", "HAS_TO_ITS_SOUTHEAST", "Carroll County, Maryland" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "To the southeast of Adams County, Pennsylvania lies Carroll County, Maryland." }, { "source": "webnlg", "text": "Adams County, Pennsylvania has Carroll County, Maryland to its southeast." }, { "source": "webnlg", "text": "Carroll County Maryland is southeast of Adams County Pennsylvania." } ] }, { "tripleset": [ [ "Azerbaijan", "LEADER", "Artur Rasizade" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Artur Rasizade was an Azerbaijan leader." }, { "source": "webnlg", "text": "Artur Rasizade is an Azerbaijan leader." }, { "source": "webnlg", "text": "Artur Rasizade is the leader of Azerbaijan." } ] }, { "tripleset": [ [ "Azerbaijan", "LEADER_TITLE", "Prime Minister of Azerbaijan" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Prime Minister of Azerbaijan is the official title of the leader of Azerbaijan." }, { "source": "webnlg", "text": "The title of the leader of Azerbaijan is Prime Minister of Azerbaijan." }, { "source": "webnlg", "text": "The title of the leader of Azerbaijan is The Prime Minister of Azerbaijan." }, { "source": "webnlg", "text": "Azerbaijan's leader is the Prime Minister of Azerbaijan." } ] }, { "tripleset": [ [ "Baku Turkish Martyrs' Memorial", "NATIVE_NAME", "\"T\u00fcrk \u015eehitleri An\u0131t\u0131\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Native name of the Baku Turkish Martyrs' Memorial is \"T\u00fcrk Sehitleri Aniti\"." }, { "source": "webnlg", "text": "The native name of the Baku Turkish Martyrs' Memorial is Turk Sehitleri Aniti." }, { "source": "webnlg", "text": "The native name for the Baku Turkish Martyrs' Memorial is T\u00fcrk \u015eehitleri An\u0131t\u0131." }, { "source": "webnlg", "text": "The Baku Turkish Martyrs' Memorial is known locally as T\u00fcrk \u015eehitleri An\u0131t\u0131." }, { "source": "webnlg", "text": "Baku Turkish Martyrs' Memorial is called Turk Sehitleri Aniti." }, { "source": "webnlg", "text": "The Baku Turkish Martyrs' Memorial is known in Turkish as Turk Sehitleri Aniti." } ] }, { "tripleset": [ [ "11 Diagonal Street", "LOCATION", "South Africa" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "11 Diagonal Street is located in South Africa." }, { "source": "webnlg", "text": "The address, 11 Diagonal Street is located in South Africa." } ] }, { "tripleset": [ [ "250 Delaware Avenue", "ARCHITECTURAL_STYLE", "Postmodern architecture" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "250 Delaware Avenue has the Postmodern style of architecture." }, { "source": "webnlg", "text": "The architectural style of 250 Delaware Avenue is Postmodern." } ] }, { "tripleset": [ [ "300 North LaSalle", "LOCATION", "Chicago" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "300 North LaSalle is located in Chicago." } ] }, { "tripleset": [ [ "320 South Boston Building", "ARCHITECT", "George Winkler" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "George Winkler was the architect of 320 South Boston Building." }, { "source": "webnlg", "text": "George Winkler is the architect of the 320 South Boston Building." } ] }, { "tripleset": [ [ "320 South Boston Building", "BUILDING_START_DATE", "1910" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The building of 320 South Boston Building started in 1910." }, { "source": "webnlg", "text": "Construction of the 320 South Boston Building began in 1910." } ] }, { "tripleset": [ [ "AC Hotel Bella Sky Copenhagen", "NUMBER_OF_ROOMS", "814" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The AC Hotel Bella Sky Copenhagen has 814 rooms." }, { "source": "webnlg", "text": "The number of rooms in the AC Hotel Bella Sky Copenhagen is 814." } ] }, { "tripleset": [ [ "Adare Manor", "ARCHITECT", "\"James Pain and George Richard Pain,\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The architects James Pain and George Richard Pain designed Adare Manor,." }, { "source": "webnlg", "text": "James Pain and George Richard Pain are the architects of the Adare Manor." }, { "source": "webnlg", "text": "James Pain and George Richard Pain were the Adare Manor architects." } ] }, { "tripleset": [ [ "Adisham Hall", "LOCATION", "Haputale" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Adisham Hall is located in Haputale." } ] }, { "tripleset": [ [ "Akita Museum of Art", "COUNTRY", "Japan" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Akita Museum of Art is located in Japan." } ] }, { "tripleset": [ [ "Alan B. Miller Hall", "OWNER", "College of William &amp; Mary" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The College of William and Mary is the owner of the Alan B. Miller Hall." } ] }, { "tripleset": [ [ "Amdavad ni Gufa", "ADDRESS", "\"Lalbhai Dalpatbhai Campus, near CEPT University, opp. Gujarat University, University Road\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The address for Amdavad ni Gufa is Lalbhai Dalpatbhai Campus, near CEPT University, opp. Gujarat University, University Road." }, { "source": "webnlg", "text": "The address of Amdavad ni Gufa is Lalbhai Dalpatbhai Campus, near CEPT University, opp. Gujarat University, University Road." } ] }, { "tripleset": [ [ "Asher and Mary Isabelle Richardson House", "REFERENCE_NUMBER_IN_THE_NATIONAL_REGISTER_OF_HISTORIC_PLACES", "\"88002539\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Asher and Mary Isabelle Richardson House has the reference number 88002539 in the National Register of Historic Places." }, { "source": "webnlg", "text": "The Asher and Mary Isabelle Richardson House has a reference number of 88002539 in the National Register of Historic Places." }, { "source": "webnlg", "text": "The Reference Number in the National Register of Historic Places for Asher and Mary Isabelle Richardson House is 88002539." } ] }, { "tripleset": [ [ "Asilomar Conference Grounds", "ARCHITECT", "Julia Morgan" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Julia Morgan was the architect of the grounds of Asilomar Conference." }, { "source": "webnlg", "text": "The architect of Asilomar Conference Grounds was Julia Morgan." } ] }, { "tripleset": [ [ "Asilomar Conference Grounds", "ARCHITECTURE", "\"Arts and Crafts Movement and American craftsman Bungalows\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Asilomar Conference Grounds is designed based on the architecture style of \"Arts and Crafts Movement and American craftsman Bungalows\"." }, { "source": "webnlg", "text": "The architecture of Asilomar Conference Grounds is of the \"Arts and Crafts Movement and American Craftsman Bungalows\"." } ] }, { "tripleset": [ [ "Asilomar Conference Grounds", "YEAR_OF_CONSTRUCTION", "1913" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Asilomar Conference Grounds were constructed in 1913." }, { "source": "webnlg", "text": "The Asilomar Conference Grounds was constructed in 1913." } ] }, { "tripleset": [ [ "Asser Levy Public Baths", "LOCATION", "New York City" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Asser Levy Public Baths are located in New York City." }, { "source": "webnlg", "text": "The Asser Levy Public Baths are located in New York City." } ] }, { "tripleset": [ [ "Buffalo, New York", "IS_PART_OF", "Erie County, New York" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Buffalo New York is part of Erie County New York." }, { "source": "webnlg", "text": "Buffalo, New York is part of Erie County in New York." } ] }, { "tripleset": [ [ "Buffalo, New York", "LEADER_NAME", "Byron Brown" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The leader of Buffalo, New York is Byron Brown." }, { "source": "webnlg", "text": "Byron Brown is the leader of Buffalo, New York." }, { "source": "webnlg", "text": "The leader of Buffalo, New York, is Byron Brown." } ] }, { "tripleset": [ [ "County Limerick", "IS_PART_OF", "Munster" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "County Limerick is a part of Munster." }, { "source": "webnlg", "text": "County Limerick is part of Munster." }, { "source": "webnlg", "text": "Limerick County is part of Munster." } ] }, { "tripleset": [ [ "Dublin", "LEADER_NAME", "Cr\u00edona N\u00ed Dh\u00e1laigh" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Cr\u00edona N\u00ed Dh\u00e1laigh was Lord Mayor of Dublin." } ] }, { "tripleset": [ [ "Ethiopia", "LEADER_NAME", "Mulatu Teshome" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Mulatu Teshome is an Ethiopian leader." }, { "source": "webnlg", "text": "The name of the leader in Ethiopia is Mulatu Teshome." } ] }, { "tripleset": [ [ "India", "DEMONYM", "Indian people" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The demonym for people living in India is Indian." }, { "source": "webnlg", "text": "A demonym for residents of India is Indian People." } ] }, { "tripleset": [ [ "Julia Morgan", "SIGNIFICANT_BUILDING", "Los Angeles Herald-Examiner" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Julia Morgan has designed many significant buildings, including the Los Angeles Herald Examiner building." } ] }, { "tripleset": [ [ "Live Nation Entertainment", "LOCATION", "Beverly Hills, California" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Live Nation Entertainment is located at Beverly Hills, California." }, { "source": "webnlg", "text": "Live Nation Entertainment is located in Beverly Hills, California." } ] }, { "tripleset": [ [ "Manhattan", "IS_PART_OF", "New York" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Manhattan is part of New York." }, { "source": "webnlg", "text": "Manhattan is a part of New York." } ] }, { "tripleset": [ [ "New York City", "IS_PART_OF", "New Netherland" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "New York City is a part of New Netherland." }, { "source": "webnlg", "text": "New York city is part of New Netherland." }, { "source": "webnlg", "text": "New York City was part of New Netherland." } ] }, { "tripleset": [ [ "Pacific Grove, California", "IS_PART_OF", "California" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Pacific Grove, California is part of California." }, { "source": "webnlg", "text": "Pacific Grove is part of California." } ] }, { "tripleset": [ [ "South Africa", "ETHNIC_GROUP", "White South African" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The white South Africans are an ethnic group of South Africa." }, { "source": "webnlg", "text": "One of the ethnic groups in South Africa is White South Africans." } ] }, { "tripleset": [ [ "United Kingdom", "LEADER_NAME", "Elizabeth II" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "A leader in the United Kingdom is Elizabeth 11." }, { "source": "webnlg", "text": "The leader of the United Kingdom is Elizabeth II." }, { "source": "webnlg", "text": "The leader of United Kingdom is Elizabeth II." } ] }, { "tripleset": [ [ "1634: The Ram Rebellion", "ISBN_NUMBER", "\"1-4165-2060-0\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The ISBN number of 1634: The Ram Rebellion is 1-4165-2060-0." }, { "source": "webnlg", "text": "1634: The Ram Rebellion has the ISBN number 1-4165-2060-0." }, { "source": "webnlg", "text": "1634: The Ram Rebellion has an ISBN number 1-4165-2060-0." } ] }, { "tripleset": [ [ "1634: The Ram Rebellion", "AUTHOR", "Eric Flint" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Eric Flint is the author of 1634: The Ram Rebellion." }, { "source": "webnlg", "text": "Eric Flint wrote the book \"1634: The Ram Rebellion\"." }, { "source": "webnlg", "text": "1634: The Ram Rebellion was written by Eric Flint." } ] }, { "tripleset": [ [ "1634: The Ram Rebellion", "MEDIA_TYPE", "\"Print\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "1634: The Ram Rebellion was published in print." } ] }, { "tripleset": [ [ "AIDS (journal)", "COUNTRY", "United Kingdom" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The AIDS journal was published in the United Kingdom." }, { "source": "webnlg", "text": "AIDS journal is from the United Kingdom." }, { "source": "webnlg", "text": "AIDS (journal) is published in the UK." } ] }, { "tripleset": [ [ "A Glastonbury Romance", "OCLC_NUMBER", "76798317" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "A Glastonbury Romance has the OCLC number 76798317." }, { "source": "webnlg", "text": "The OCLC number of \"A Glastonbury Romance is 76798317." }, { "source": "webnlg", "text": "The OCLC number for A Glastonbury Romance is 76798317." } ] }, { "tripleset": [ [ "A Glastonbury Romance", "MEDIA_TYPE", "Hardcover" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "\"A Glastonbury Romance \" can be found in hardcover." }, { "source": "webnlg", "text": "A Glastonbury Romance is available in hardcover." } ] }, { "tripleset": [ [ "A Long Long Way", "LANGUAGE", "English language" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "A Long Long Way is written in the English language." } ] }, { "tripleset": [ [ "A Wizard of Mars", "AUTHOR", "Diane Duane" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Diane Duane wrote A Wizard of Mars." }, { "source": "webnlg", "text": "A Wizard of Mars was written by Diane Duane." }, { "source": "webnlg", "text": "the author Diane Duane wrote the book A wizard of Mars." } ] }, { "tripleset": [ [ "Abhandlungen aus dem Mathematischen Seminar der Universit\u00e4t Hamburg", "ISSN_NUMBER", "\"0025-5858\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Abhandlungen aus dem Mathematischen Seminar der Universit\u00e4t Hamburg ISSN number is \"0025-5858\"." }, { "source": "webnlg", "text": "Abhandlungen aus dem Mathematischen Seminar der Universit\u00e4t Hamburg can be located by the ISSN number \"0025-5858\"." }, { "source": "webnlg", "text": "The ISSN number of Abhandlungen aus dem Mathematischen Seminar der Universitat Hamburg is 0025-5858." } ] }, { "tripleset": [ [ "Above the Veil", "AUTHOR", "Garth Nix" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Garth Nix is the author of Above the Veil." }, { "source": "webnlg", "text": "The author of Above the Veil is Garth Nix." } ] }, { "tripleset": [ [ "Above the Veil", "MEDIA_TYPE", "\"Print\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Above the Veil was produced in Print." } ] }, { "tripleset": [ [ "Acta Palaeontologica Polonica", "ISSN_NUMBER", "\"0567-7920\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Acta Palaeontologica Polonica has the ISSN number 0567-7920." }, { "source": "webnlg", "text": "The Acta Palaeontologica Polonica ISSN number is \"0567-7920\"." }, { "source": "webnlg", "text": "The ISSN number for Acta Palaeontologica Polonica is 0567-7920." } ] }, { "tripleset": [ [ "Addiction (journal)", "LCCN_NUMBER", "93645978" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The journal Addiction has the LCCN number 93645978." }, { "source": "webnlg", "text": "The Addiction journal has an LCCN number of 93645978." }, { "source": "webnlg", "text": "The LCCN number of Addiction journal is 93645978." } ] }, { "tripleset": [ [ "Addiction (journal)", "ACADEMIC_DISCIPLINE", "Addiction" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Addiction journal is about addiction." }, { "source": "webnlg", "text": "Addiction (journal) is about Addiction." } ] }, { "tripleset": [ [ "Aenir", "LANGUAGE", "English language" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Aenir is written in English." } ] }, { "tripleset": [ [ "Alcatraz Versus the Evil Librarians", "COUNTRY", "United States" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alcatraz Versus the Evil Librarians is from The United States." }, { "source": "webnlg", "text": "The book Alcatraz Versus the Evil Librarians comes from the U.S." } ] }, { "tripleset": [ [ "Alcatraz Versus the Evil Librarians", "LANGUAGE", "English language" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The book Alcatraz Versus the Evil Librarians is written in English." }, { "source": "webnlg", "text": "Alcatraz Versus the Evil Librarians was in English." }, { "source": "webnlg", "text": "Alcatraz Versus the Evil Librarians is written in the English language." } ] }, { "tripleset": [ [ "American Journal of Mathematics", "ACADEMIC_DISCIPLINE", "Mathematics" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The American Journal of Mathematics studies mathematics." }, { "source": "webnlg", "text": "The American Journal of Mathematics discipline is Math." }, { "source": "webnlg", "text": "The academic discipline of the American Journal of Mathematics is Mathematics." } ] }, { "tripleset": [ [ "Castle (novel)", "LANGUAGE", "English language" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The novel \"Castle\" is written in English." }, { "source": "webnlg", "text": "Castle (the novel) is written in the English language." }, { "source": "webnlg", "text": "Castle (novel) was written in English." } ] }, { "tripleset": [ [ "Eric Flint", "BIRTH_PLACE", "Burbank, California" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Burbank California is the birth place of Eric Flint." }, { "source": "webnlg", "text": "Eric Flint was born in Burbank, California." } ] }, { "tripleset": [ [ "Farrar, Straus and Giroux", "PARENT_COMPANY", "Macmillan Publishers" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Macmillan publishers are the parent company of Farrar, Straus and Giroux." }, { "source": "webnlg", "text": "The parent company of Farrar, Straus and Giroux is Macmillan Publishers." }, { "source": "webnlg", "text": "Macmillan Publishers is the parent company of Farrar, Straus and Giroux." } ] }, { "tripleset": [ [ "John Cowper Powys", "NOTABLE_WORK", "A Glastonbury Romance" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "A Glastonbury Romance is John Cowper Powys notable work." }, { "source": "webnlg", "text": "A notable work of John Cowper Powys is A Glastonbury Romance." } ] }, { "tripleset": [ [ "Soho Press", "COUNTRY", "United States" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Soho Press is located in the U.S." }, { "source": "webnlg", "text": "Soho Press is located in the United States." }, { "source": "webnlg", "text": "Soho Press is based in the United States." } ] }, { "tripleset": [ [ "The Secret Scripture", "PUBLISHER", "Faber and Faber" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Secret Scripture is published by Faber and Faber." }, { "source": "webnlg", "text": "Faber and Faber publish The Secret Scripture." }, { "source": "webnlg", "text": "The Secret Scripture was published by Faber and Faber." } ] }, { "tripleset": [ [ "United States", "ETHNIC_GROUP", "Asian Americans" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The United States has an ethnic group called Asian Americans." }, { "source": "webnlg", "text": "Asian Americans is one of the ethnic groups in the United States." }, { "source": "webnlg", "text": "The US includes many Asian Americans." } ] }, { "tripleset": [ [ "United States", "LANGUAGE", "English language" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "English is the language of the United States." }, { "source": "webnlg", "text": "The language of the United States is English." } ] }, { "tripleset": [ [ "Weymouth Sands", "PRECEDED_BY", "A Glastonbury Romance" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "A Glastonbury Romance preceded Weymouth Sands." }, { "source": "webnlg", "text": "A Glastonbury Romance was published before Weymouth Sands." }, { "source": "webnlg", "text": "Weymouth Sands was preceded by A Glastonbury Romance." } ] }, { "tripleset": [ [ "A.C. Chievo Verona", "MANAGER", "Rolando Maran" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Rolando Maran has managed AC Chievo Verona." }, { "source": "webnlg", "text": "Associazione Calcio ChievoVerona is managed by Rolando Maran." }, { "source": "webnlg", "text": "The manager of A.C. Chievo Verona is Rolando Maran." } ] }, { "tripleset": [ [ "A.D. Isidro Metap\u00e1n", "LEAGUE", "Salvadoran Primera Divisi\u00f3n" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "A D Isidro Metap\u00e1n play in a league called the Salvadoran Primera Division." }, { "source": "webnlg", "text": "A.D. Isidro Metap\u00e1n is in the Salvadoran Primera Divisi\u00f3n league." }, { "source": "webnlg", "text": "A.D. Isidro Metapan play in the Salvadoran Primera Division." } ] }, { "tripleset": [ [ "A.F.C. Blackpool", "FULL_NAME", "\"Association Football Club Blackpool\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "AFC Blackpool has the full name \"Association Football Club Blackpool\"." }, { "source": "webnlg", "text": "A.F.C. Blackpool fullname is \"Association Football Club Blackpool\"." }, { "source": "webnlg", "text": "The fullname of A.F.C. Blackpool is Association Football Club Blackpool." } ] }, { "tripleset": [ [ "A.F.C. Blackpool", "GROUND", "\"The Mechanics,\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "A.F.C. Blackpool's ground is The Mechanics." } ] }, { "tripleset": [ [ "A.F.C. Blackpool", "GROUND", "Blackpool" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "A.F.C. Blackpool is in Blackpool." }, { "source": "webnlg", "text": "AFC Blackpool ground is located in Blackpool." }, { "source": "webnlg", "text": "AFC Blackpool ground is in Blackpool." } ] }, { "tripleset": [ [ "A.S. Gubbio 1910", "GROUND", "Gubbio" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The ground of A.S. Gubbio 1910 is in Gubbio." }, { "source": "webnlg", "text": "A.S. Gubbio 1910 has a ground in Gubbio." } ] }, { "tripleset": [ [ "A.S. Gubbio 1910", "NUMBER_OF_MEMBERS", "5300" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The A.S. Gubbio 1910 has 5300 members." }, { "source": "webnlg", "text": "A.S. Gubbio has 5300 members." } ] }, { "tripleset": [ [ "AEK Athens F.C.", "GROUND", "Athens" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "AEK Athens F.C.'s ground is in Athens." } ] }, { "tripleset": [ [ "AEK Athens F.C.", "SEASON", "2014\u201315 Football League (Greece)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "AEK Athens FC played the 2014-2015 season in the Football League (Greece)." } ] }, { "tripleset": [ [ "AZAL Arena", "LOCATION", "Baku" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The AZAL Arena is in Baku." }, { "source": "webnlg", "text": "AZAL Arena is located in Baku." } ] }, { "tripleset": [ [ "AZAL PFK", "LEAGUE", "Azerbaijan Premier League" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "AZAL PFK play in the Azerbaijan Premier League." }, { "source": "webnlg", "text": "The AZAL PFK competes in The Azerbaijan Premier League." }, { "source": "webnlg", "text": "AZAL PFK is in the Azerbaijan Premier League." } ] }, { "tripleset": [ [ "AZ Alkmaar", "SEASON", "2014\u201315 Eredivisie" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "AZ Alkmaar played in the Eredivisie in 2014-15." } ] }, { "tripleset": [ [ "Akron, Ohio", "COUNTRY", "United States" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Akron, Ohio is in the U.S." }, { "source": "webnlg", "text": "Akron, Ohio is in the USA." } ] }, { "tripleset": [ [ "Akron, Ohio", "LOCATION", "Summit County, Ohio" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Akron is located in Summit County, Ohio." }, { "source": "webnlg", "text": "Akron, Ohio is located in Summit County, Ohio,." }, { "source": "webnlg", "text": "Akron, Ohio is in Summit County, Ohio." } ] }, { "tripleset": [ [ "Akron Summit Assault", "FULL_NAME", "\"Akron Metro Futbol Club Summit Assault\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The full name of Akron Summit Assault is ''Akron Metro Futbol Club Summit Assault." }, { "source": "webnlg", "text": "Akron Summit Assault fullname is \"Akron Metro Futbol Club Summit Assault\"." }, { "source": "webnlg", "text": "The fullname of Akron Summit is Akron Metro Futbol Club Summit Assault." } ] }, { "tripleset": [ [ "Amsterdam", "LEADER", "Eberhard van der Laan" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Amsterdam's leader is Eberhard van der Laan." }, { "source": "webnlg", "text": "Eberhard van der Laan is a leader in Amsterdam." } ] }, { "tripleset": [ [ "Christian Panucci", "CLUB", "Chelsea F.C." ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Christian Panucci has played for Chelsea FC." } ] }, { "tripleset": [ [ "Christian Panucci", "CLUB", "Inter Milan" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Christian Panucci plays for Inter Milan." }, { "source": "webnlg", "text": "Christian Panucci played for Inter Milan." } ] }, { "tripleset": [ [ "Frank de Boer", "CLUB", "FC Barcelona" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Frank de Boer once played football for FC Barcelona." }, { "source": "webnlg", "text": "Frank de Boer is attached to the club FC Barcelona." } ] }, { "tripleset": [ [ "Gubbio", "REGION", "Umbria" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Gubbio is in the region of Umbria." }, { "source": "webnlg", "text": "Gubbio is a region of Umbria." } ] }, { "tripleset": [ [ "Italy", "LEADER", "Sergio Mattarella" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Italy's leader is Sergio Mattarella." }, { "source": "webnlg", "text": "Sergio Mattarella is the leader of Italy." }, { "source": "webnlg", "text": "The leader of Italy is Sergio Mattarella." } ] }, { "tripleset": [ [ "Jens H\u00e4rtel", "CLUB", "FC Sachsen Leipzig" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Jens H\u00e4rtel has represented the club FC Sachsen Leipzig." }, { "source": "webnlg", "text": "Jens H\u00e4rtel played for FC Sachsen Leipzig." } ] }, { "tripleset": [ [ "Jorge Humberto Rodr\u00edguez", "CLUB", "FC Dallas" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Jorge Humberto Rodr\u00edguez is a member of the club FC Dallas." }, { "source": "webnlg", "text": "Jorge Humberto Rodr\u00edguez is in the FC Dallas club." }, { "source": "webnlg", "text": "Jorge Humberto Rodriguez plays for FC Dallas." } ] }, { "tripleset": [ [ "Luciano Spalletti", "CLUB", "Udinese Calcio" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Luciano Spalletti played for Udinese Calcio." }, { "source": "webnlg", "text": "Luciano Spalletti has been associated with Udinese Calcio." }, { "source": "webnlg", "text": "Luciano Spalletti plays for Udinese Calcio." } ] }, { "tripleset": [ [ "Massimo Drago", "CLUB", "A.S.D. S.S. Nola 1925" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Massimo Drago played for A.S.D. S.S. Nola 1925." }, { "source": "webnlg", "text": "Massimo Drago plays for A.S.D. S.S. Nola 1925." } ] }, { "tripleset": [ [ "Michele Marcolini", "CLUB", "Atalanta B.C." ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Michele Marcolini has played for Atalanta BC." }, { "source": "webnlg", "text": "Michele Marcolini is part of the Atalanta B.C. club." }, { "source": "webnlg", "text": "Michele Marcolini plays for Atalanta B.C." } ] }, { "tripleset": [ [ "Michele Marcolini", "CLUB", "Vicenza Calcio" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Michele Marcolini played for Vicenza Calcio." }, { "source": "webnlg", "text": "Michele Marcolini is in the Vicenza Calcio club." }, { "source": "webnlg", "text": "Michele Marcolini plays for Vicenza Calcio." } ] }, { "tripleset": [ [ "Peter St\u00f6ger", "CLUB", "1. FC K\u00f6ln" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Peter St\u00f6ger was once a player for 1. FC K\u00f6ln." }, { "source": "webnlg", "text": "Peter Stoger is attached to the club 1 FC Koln." }, { "source": "webnlg", "text": "Peter Stoger attends the 1. FC Koln club." } ] }, { "tripleset": [ [ "Rolando Maran", "CLUB", "F.C. Bari 1908" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Rolando Maran has worked at FC Bari 1908." }, { "source": "webnlg", "text": "Rolando Maran plays for F.C. Bari 1908." } ] }, { "tripleset": [ [ "Sportpark De Toekomst", "TENANT", "Jong Ajax" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Jong Ajax are the tenants of the De Toekomst Sportpark." }, { "source": "webnlg", "text": "Jong Ajax is the tenant of Sportpark De Toekomst." }, { "source": "webnlg", "text": "The tenant of the Sportpark De Toekomst is Jong Ajax." } ] }, { "tripleset": [ [ "St. Vincent\u2013St. Mary High School", "COUNTRY", "United States" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "St. Vincent-St.Mary High School is in the United States." }, { "source": "webnlg", "text": "St. Vincent St.Mary High School is located in United States." } ] }, { "tripleset": [ [ "1 Decembrie 1918 University", "STATE", "Alba" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The 1 Decembrie 1918 University is located in the state of Alba." } ] }, { "tripleset": [ [ "Acharya Institute of Technology", "PRESIDENT", "\"B.M. Reddy\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The President of Acharya Institute of Technology is B. M. Reddy." }, { "source": "webnlg", "text": "Acharya Institute of Technology's president is B.M. Reddy." } ] }, { "tripleset": [ [ "Kerala", "HAS_TO_ITS_NORTHWEST", "Mah\u00e9, India" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The northwest border to Kerala is Mahe in India." }, { "source": "webnlg", "text": "Kerala has to its northwest Mah\u00e9 in India." }, { "source": "webnlg", "text": "Mah\u00e9 in India, is to the northwest of Kerala." } ] }, { "tripleset": [ [ "Mendrisio", "NEIGHBORING_MUNICIPALITY", "Meride" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Mendrisio and Meride are neighboring Municipalities." }, { "source": "webnlg", "text": "Mendrisio is a neighbouring municipality of Meride." } ] }, { "tripleset": [ [ "Romania", "CAPITAL", "Bucharest" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The capital of Romania is Bucharest." }, { "source": "webnlg", "text": "Bucharest is the capital of Romania." } ] }, { "tripleset": [ [ "School of Business and Social Sciences at the Aarhus University", "DEAN", "\"Thomas Pallesen\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Thomas Pallesen is the dean of Aarhus University School of Business and Social Sciences ." }, { "source": "webnlg", "text": "The dean of School of Business and Social Sciences at the Aarhus University is Thomas Pallesen." }, { "source": "webnlg", "text": "Thomas Pallesen is the Dean at the School of Business and Social Sciences at Aarhus University." }, { "source": "webnlg", "text": "The dean of the School of Business and Social Sciences at the Aarhus University is Thomas Pallesen." } ] }, { "tripleset": [ [ "School of Business and Social Sciences at the Aarhus University", "NUMBER_OF_STUDENTS", "16000" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The School of Business and Social Sciences at Aarhus University has 16000 students." }, { "source": "webnlg", "text": "Aarhus University School of Business and Social Sciences' number of students are 16000." }, { "source": "webnlg", "text": "There are 16000 students at the School of Business and Social Sciences at the University of Aarhus." }, { "source": "webnlg", "text": "There are 16000 students in the Aarhus University School of Business and Social Sciences." }, { "source": "webnlg", "text": "Aarhus University School of Business and Social Sciences has 16000 students." }, { "source": "webnlg", "text": "The number of students in School of Business and Social Sciences at the Aarhus University is 16000." }, { "source": "webnlg", "text": "The number of students at the School of Business and Social Sciences at the Aarhus University is 16000." }, { "source": "webnlg", "text": "The School of Business and Social Sciences at the Aarhus University has 16000 students." } ] }, { "tripleset": [ [ "Alan Bean", "NATIONALITY", "United States" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The nationality of Alan Bean is United States." }, { "source": "webnlg", "text": "Alan Bean's nationality is the United States." }, { "source": "webnlg", "text": "Alan Bean is American." }, { "source": "webnlg", "text": "Alan Bean was American." }, { "source": "webnlg", "text": "Alan Bean is a US national." } ] }, { "tripleset": [ [ "Apollo 8", "BACKUP_PILOT", "Buzz Aldrin" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Buzz Aldrin was a backup pilot on the Apollo 8 mission." }, { "source": "webnlg", "text": "Apollo 8's backup pilot was Buzz Aldrin." } ] }, { "tripleset": [ [ "Buzz Aldrin", "ALMA_MATER", "\"Massachusetts Institute of Technology, Sc.D. 1963\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Buzz Aldrin graduated from Massachusetts Institute of Technology with a Sc.D in 1963." }, { "source": "webnlg", "text": "Buzz Aldrin graduated in 1963 from MIT with a Sc.D." }, { "source": "webnlg", "text": "Buzz Aldrin graduated from MIT with a Sc. D in 1963." }, { "source": "webnlg", "text": "Buzz Aldrin graduated from Massachusetts Institute of Technology, Sc.D. 1963." }, { "source": "webnlg", "text": "Buzz Aldrin graduated from Massachusetts Institute of Technology in 1963 with a doctorate in Science." } ] }, { "tripleset": [ [ "Buzz Aldrin", "WAS_A_CREW_MEMBER_OF", "Apollo 11" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Buzz Aldrin was a crew member of Apollo 11." }, { "source": "webnlg", "text": "Buzz Aldrin was a member of the Apollo 11 crew." }, { "source": "webnlg", "text": "Buzz Aldrin was a crew member on Apollo 11." } ] }, { "tripleset": [ [ "Buzz Aldrin", "WAS_SELECTED_BY_NASA", "1963" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "NASA selected Buzz Aldrin in 1963." }, { "source": "webnlg", "text": "Buzz Aldrin was selected by NASA in 1963." }, { "source": "webnlg", "text": "Buzz Aldrin was selected to work for NASA in 1963." }, { "source": "webnlg", "text": "Buzz Aldrin was hired by NASA in 1963." } ] }, { "tripleset": [ [ "California", "GEMSTONE", "Benitoite" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The gemstone of California is Benitoite." }, { "source": "webnlg", "text": "California has a gemstone called Benitoite." }, { "source": "webnlg", "text": "Benitoite is a gemstone from California." }, { "source": "webnlg", "text": "Benitoite is a gemstone found in California." } ] }, { "tripleset": [ [ "Elliot See", "DATE_OF_DEATH", "\"1966-02-28\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Elliot See died on 28 February, 1966." }, { "source": "webnlg", "text": "Elliot See died on the 28th of February 1966." }, { "source": "webnlg", "text": "Elliot See died on February 28, 1966." }, { "source": "webnlg", "text": "Elliot See died in 1966-02-28." }, { "source": "webnlg", "text": "Elliot See lived until the 28th of February 1966." }, { "source": "webnlg", "text": "Elliot See died on February 28,1966." } ] }, { "tripleset": [ [ "Elliot See", "DEATH_PLACE", "St. Louis" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Elliot See died in St. Louis." }, { "source": "webnlg", "text": "Elliot See died in St Louis." } ] }, { "tripleset": [ [ "Elliot See", "STATUS", "\"Deceased\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Elliot See is dead." }, { "source": "webnlg", "text": "Elliot See has died." }, { "source": "webnlg", "text": "Elliot See is deceased." } ] }, { "tripleset": [ [ "April O'Neil", "CREATOR", "Kevin Eastman" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "April O'Neil was created by Kevin Eastman." }, { "source": "webnlg", "text": "Kevin Eastman is the creator of April O'Neil." } ] }, { "tripleset": [ [ "Bananaman", "BROADCASTED_BY", "BBC" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Bananaman is broadcast by the BBC." }, { "source": "webnlg", "text": "Bananaman the TV series was shown on the BBC." }, { "source": "webnlg", "text": "The BBC broadcasted Bananaman." } ] }, { "tripleset": [ [ "Ben Urich", "FULL_NAME", "\"Benjamin Urich\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Ben Urich's full name is actually Benjamin Urich." }, { "source": "webnlg", "text": "Ben Urich's full name is Benjamin Urich." } ] }, { "tripleset": [ [ "Bibbo Bibbowski", "CREATOR", "Jerry Ordway" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Jerry Ordway is the creator of Bibbo Bibbowski." }, { "source": "webnlg", "text": "The creator of Bibbo Bibbowski is Jerry Ordway." }, { "source": "webnlg", "text": "Bibbo Bibbowski was created by Jerry Ordway." } ] }, { "tripleset": [ [ "Bibbo Bibbowski", "FULL_NAME", "\"Bo Bibbowski\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Bo Bibbowski is the full name of Bibbo Bibbowski." }, { "source": "webnlg", "text": "Bo Bibbowski is often called Bibbo." } ] }, { "tripleset": [ [ "Bill Oddie", "BIRTH_PLACE", "Lancashire" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Bill Oddie was born in Lancashire." } ] }, { "tripleset": [ [ "Black Pirate", "ALTERNATIVE_NAME", "\"Jon Valor\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Black Pirate is also known as Jon Valor." }, { "source": "webnlg", "text": "The alternative name of Black Pirate is \"Jon Valor\"." }, { "source": "webnlg", "text": "Black Pirate is also known as Jon Valor." } ] }, { "tripleset": [ [ "John Buscema", "AWARD", "Eisner Award" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "John Buscema won the Eisner Award." } ] }, { "tripleset": [ [ "Karl Kesel", "NATIONALITY", "Americans" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Karl Kesel's nationality is American." }, { "source": "webnlg", "text": "Karl Kesel is an American." } ] }, { "tripleset": [ [ "Marv Wolfman", "AWARD", "Kirby Award" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Marv Wolfman has won the Kirby Award." }, { "source": "webnlg", "text": "Marv Wolfman won the Kirby Award." } ] }, { "tripleset": [ [ "Peter Laird", "NATIONALITY", "United States" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Peter Laird is a United States national." }, { "source": "webnlg", "text": "Peter Laird is a United States American." } ] }, { "tripleset": [ [ "Scott Adsit", "BIRTH_PLACE", "Northbrook, Illinois" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Scott Adsit was born in Northbrook, Illinois." }, { "source": "webnlg", "text": "Scott Adsit was born in Northbrook Illinois." } ] }, { "tripleset": [ [ "Albany, Georgia", "AREA_CODE", "229" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The area code for Albany, Georgia is 229." }, { "source": "webnlg", "text": "The area code for Albany, Georgia, is 229." }, { "source": "webnlg", "text": "The area code of Albany in Georgia is 229." } ] }, { "tripleset": [ [ "Albany, Oregon", "IS_PART_OF", "United States" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Albany Oregon is part of the U.S." }, { "source": "webnlg", "text": "Albany, Oregon is part of the United States." } ] }, { "tripleset": [ [ "Albuquerque, New Mexico", "LEADER_TITLE", "Mayor" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Mayor is the leader in Albuquerque, N.M." }, { "source": "webnlg", "text": "The Mayor leads Albuquerque, New Mexico." }, { "source": "webnlg", "text": "The leader title of Albuquerque, New Mexico, is Mayor." } ] }, { "tripleset": [ [ "Albuquerque, New Mexico", "LEADER_TITLE", "New Mexico House of Representatives" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The New Mexico House of Representatives, is what the leader in Albuquerque (New Mexico), is called." }, { "source": "webnlg", "text": "Albuquerque, New Mexico is led by the New Mexico house of representatives." } ] }, { "tripleset": [ [ "Albuquerque, New Mexico", "LEADER_TITLE", "New Mexico Senate" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The New Mexico Senate leads Albuquerque in New Mexico." }, { "source": "webnlg", "text": "Albuquerque, New Mexico is led by the New Mexico Senate." } ] }, { "tripleset": [ [ "Amarillo, Texas", "AREA_TOTAL", "233.9 (square kilometres)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The total area of Amarillo Texas is 233.9 SqKm." }, { "source": "webnlg", "text": "The Area of Amarillo, Texas is 233.9 (square kilometers)." }, { "source": "webnlg", "text": "Amarillo, Texas has a total area of 233.9 square kilometres." } ] }, { "tripleset": [ [ "Amarillo, Texas", "IS_PART_OF", "Randall County, Texas" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Amarillo Texas is part of Randall County, Texas." }, { "source": "webnlg", "text": "Amarillo, Texas is part of Randall County, Texas." }, { "source": "webnlg", "text": "Amarillo, Texas is part of Randall County." } ] }, { "tripleset": [ [ "Anderson, Indiana", "IS_PART_OF", "Richland Township, Madison County, Indiana" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Anderson is within Richland Township, Madison County, Indiana." }, { "source": "webnlg", "text": "Anderson is part of Richland Township, Madison County, Indiana." } ] }, { "tripleset": [ [ "Angola, Indiana", "ELEVATION", "324.0" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Angola, in Indiana, has an elevation of 324.0 metres above sea level." }, { "source": "webnlg", "text": "The elevation above the sea level in Angola, Indiana, is 324.0." } ] }, { "tripleset": [ [ "Antioch, California", "AREA_CODE", "925" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "925 is the area code of Antioch, in California." }, { "source": "webnlg", "text": "The area code for Antioch, California is 925." }, { "source": "webnlg", "text": "Antioch, California has the area code 925." } ] }, { "tripleset": [ [ "Antioch, California", "IS_PART_OF", "Contra Costa County, California" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Antioch, is part of Contra Costa County in California." }, { "source": "webnlg", "text": "Antioch, California is a part of Contra Costa County California." }, { "source": "webnlg", "text": "Antioch is part of Contra Costa County in California." } ] }, { "tripleset": [ [ "Arlington, Texas", "POPULATION_DENSITY", "1472.0 (inhabitants per square kilometre)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Arlington, Texas, has a population density, of 1472.0 inhabitants per square kilometre." }, { "source": "webnlg", "text": "There are 1472 people per square kilometer in Arlington, Texas." }, { "source": "webnlg", "text": "The population density of Arlington, Texas is 1472 inhabitants per square kilometre." } ] }, { "tripleset": [ [ "Atlanta", "LEADER", "Kasim Reed" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Kasim Reed is the leader in Atlanta." }, { "source": "webnlg", "text": "Kasim Reed is the leader of Atlanta." } ] }, { "tripleset": [ [ "Atlantic City, New Jersey", "AREA_TOTAL", "44.125 (square kilometres)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Atlantic City, New Jersey has a total area of 44.125 (square kilometres)." }, { "source": "webnlg", "text": "The total area of Atlantic City, New Jersey is 44.125 square kilometres." }, { "source": "webnlg", "text": "The total area of Atlantic City, New Jersey, is 44.125 square kilometres." } ] }, { "tripleset": [ [ "Atlantic City, New Jersey", "IS_PART_OF", "New Jersey" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Atlantic City is part of New Jersey." }, { "source": "webnlg", "text": "Atlantic City, is a part of New Jersey." } ] }, { "tripleset": [ [ "Attica, Indiana", "ELEVATION", "166.0" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Attica, in Indiana is 166.0 above sea level." }, { "source": "webnlg", "text": "Attica, Indiana is 166 above sea level." } ] }, { "tripleset": [ [ "Auburn, Alabama", "IS_PART_OF", "Lee County, Alabama" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Auburn is part of Lee County in Alabama." }, { "source": "webnlg", "text": "Auburn, Alabama is part of Lee County." }, { "source": "webnlg", "text": "Auburn is part of Lee County, Alabama." } ] }, { "tripleset": [ [ "Auburn, Washington", "AREA_TOTAL", "77.41 (square kilometres)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Auburn (Washington) has a total area of 77.4 square kilometres." }, { "source": "webnlg", "text": "The total area of Auburn, Washington is 77.41 sq kms." }, { "source": "webnlg", "text": "The total area in Auburn, Washington, is 77.41 (square kilometres)." } ] }, { "tripleset": [ [ "Austin, Texas", "IS_PART_OF", "Texas" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Austin is located in Texas." }, { "source": "webnlg", "text": "Austin is a part of Texas." }, { "source": "webnlg", "text": "Austin is part of the state of Texas." } ] }, { "tripleset": [ [ "California", "LANGUAGE", "Spanish language" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Spanish is spoken in California." }, { "source": "webnlg", "text": "The Spanish language is spoken in California." } ] }, { "tripleset": [ [ "DeKalb County, Georgia", "LARGEST_CITY", "Dunwoody, Georgia" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Dunwoody is the largest city in DeKalb County, Georgia." } ] }, { "tripleset": [ [ "Fulton County, Georgia", "COUNTRY", "United States" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Fulton County is in Georgia, in the United States." }, { "source": "webnlg", "text": "Fulton County, in Georgia is part of the U.S." } ] }, { "tripleset": [ [ "Madison County, Indiana", "COUNTY_SEAT", "Anderson, Indiana" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Anderson is the county seat of Madison County, which is in Indiana." }, { "source": "webnlg", "text": "The county seat of Madison County, Indiana is Anderson." } ] }, { "tripleset": [ [ "Michigan", "COUNTRY", "United States" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Michigan is in the United states." }, { "source": "webnlg", "text": "Michigan is in the U.S." }, { "source": "webnlg", "text": "Michigan is found within the United States." } ] }, { "tripleset": [ [ "Michigan", "LARGEST_CITY", "Detroit" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Detroit is the largest city in Michigan." } ] }, { "tripleset": [ [ "Orange County, California", "COUNTRY", "United States" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Orange County is in California, in the United States." }, { "source": "webnlg", "text": "Orange County, California is located in the United States." } ] }, { "tripleset": [ [ "Oregon", "LARGEST_CITY", "Portland, Oregon" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Portland is the largest city in Oregon." }, { "source": "webnlg", "text": "Oregon 's largest city is Portland." } ] }, { "tripleset": [ [ "Tarrant County, Texas", "LARGEST_CITY", "Fort Worth, Texas" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Fort Worth, Tarrant County is the largest city in Texas." }, { "source": "webnlg", "text": "The largest city in Tarrant County, Texas, is Fort Worth." } ] }, { "tripleset": [ [ "United States", "LEADER", "Barack Obama" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Barack Obama is the leader of the United States." }, { "source": "webnlg", "text": "The leader of the United States is Barack Obama." }, { "source": "webnlg", "text": "Barack Obama is a leader of the United States." } ] }, { "tripleset": [ [ "United States House of Representatives", "LOCATION", "United States Capitol" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The United States House of representatives, is located in the United States Capitol." }, { "source": "webnlg", "text": "The U.S. House of Representatives is in the U.S. Capitol." }, { "source": "webnlg", "text": "The United States House of Representatives is located at the United States Capitol." } ] }, { "tripleset": [ [ "Amatriciana sauce", "INGREDIENT", "Pecorino Romano" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "An ingredient of amatriciana sauce is pecorino romano." }, { "source": "webnlg", "text": "Pecorino Romano is an ingredient used in Amatriciana sauce." }, { "source": "webnlg", "text": "Pecorino Romano is an ingredient of Amatriciana sauce." } ] }, { "tripleset": [ [ "Arrabbiata sauce", "INGREDIENT", "Chili pepper" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "An important ingredient in arrabbiata sauce is chili pepper." }, { "source": "webnlg", "text": "The chili pepper serves as an ingredient in Arrabbiata sauce." } ] }, { "tripleset": [ [ "Arr\u00f2s negre", "INGREDIENT", "White rice" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Arros negre contains white rice as an ingredient." }, { "source": "webnlg", "text": "white rice is an ingredient in Arr\u00f2s negre." } ] }, { "tripleset": [ [ "Arr\u00f2s negre", "REGION", "Catalonia" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Arros negre is from the region of Catalonia." }, { "source": "webnlg", "text": "Arr\u00f2s negre is from the Catalonia region." } ] }, { "tripleset": [ [ "Arr\u00f2s negre", "REGION", "Valencian Community" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Arros negre comes from the region of the Valencian Community." } ] }, { "tripleset": [ [ "Ayam penyet", "REGION", "Singapore" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Ayam penyet is a dish from the region of Singapore." }, { "source": "webnlg", "text": "Ayam penyet is a dish from Singapore." }, { "source": "webnlg", "text": "Ayam penyet is from the Singapore region." } ] }, { "tripleset": [ [ "BLT", "INGREDIENT", "Tomato" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Tomato is an ingredient in a BLT." }, { "source": "webnlg", "text": "one of the ingredients of the BLT Sandwich is Tomato." } ] }, { "tripleset": [ [ "Baked Alaska", "REGION", "Hong Kong" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Baked Alaska is served in the region of Hong Kong." }, { "source": "webnlg", "text": "Baked Alaska hails from Hong Kong." } ] }, { "tripleset": [ [ "Bakewell pudding", "SERVED", "\"Warm or cold\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Bakewell pudding can be served either warm or cold." }, { "source": "webnlg", "text": "Bakewell pudding can be served warm or cold." } ] }, { "tripleset": [ [ "Bandeja paisa", "COUNTRY", "Colombian cuisine" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Bandeja paisa is a dish from Colombian cuisine." }, { "source": "webnlg", "text": "Bandeja paisa is typical Colombian cuisine." }, { "source": "webnlg", "text": "Bandeja paisa is part of Colombian cuisine." } ] }, { "tripleset": [ [ "Bandeja paisa", "INGREDIENT", "Chicharr\u00f3n" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Chicharr\u00f3n is one of the ingredients in Bandeja paisa." }, { "source": "webnlg", "text": "An ingredient found in Bandeja paisa is Chicharr\u00f3n." } ] }, { "tripleset": [ [ "Bandeja paisa", "REGION", "Paisa Region" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Bandeja paisa originates from the Paisa region." }, { "source": "webnlg", "text": "Bandeja paisa is a traditional dish from the Paisa region." }, { "source": "webnlg", "text": "Bandeja paisa is from the Paisa region." } ] }, { "tripleset": [ [ "Barny Cakes", "SERVING_SIZE", "30.0 g" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Barny cakes can be served in 30 gram sizes." }, { "source": "webnlg", "text": "Serving size for the Barny cakes is 30.0g." }, { "source": "webnlg", "text": "The serving size of Barny cakes is 30.0g." } ] }, { "tripleset": [ [ "Batagor", "DISH_VARIATION", "Shumai" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Batagor and shumai are variations on the same dish." }, { "source": "webnlg", "text": "Shumai is a variation of Batagor." }, { "source": "webnlg", "text": "Batagor is a variation of Shumai." } ] }, { "tripleset": [ [ "Batagor", "MAIN_INGREDIENTS", "\"fried fish dumpling with tofu and vegetables in peanut sauce\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "A batagor consists of a fried fish dumpling with tofu and vegetables in peanut sauce." }, { "source": "webnlg", "text": "Batagor has these main ingredients - fried fish dumplings, tofu and vegetables in peanut sauce." }, { "source": "webnlg", "text": "Batagor's main ingredients are fried fish dumpling with tofu and vegetables in peanut sauce." } ] }, { "tripleset": [ [ "Batchoy", "INGREDIENT", "Shrimp" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Shrimp is an ingredient in Batchoy." }, { "source": "webnlg", "text": "one of the ingredients for Batchoy is Shrimp." } ] }, { "tripleset": [ [ "Beef kway teow", "REGION", "Indonesia" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Beef kway teow is a food found in Indonesia." }, { "source": "webnlg", "text": "Beef kway teow comes from the region of Indonesia." }, { "source": "webnlg", "text": "Beef kway teow is served in the region of Indonesia." } ] }, { "tripleset": [ [ "Bhajji", "ALTERNATIVE_NAME", "\"Bhaji, bajji\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Bhaji and bajji are alternative names for Bhajji." }, { "source": "webnlg", "text": "Bhajji is also known as Bhaji or bajji." } ] }, { "tripleset": [ [ "Binignit", "INGREDIENT", "Taro" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Binignit is an ingredient found in taro." }, { "source": "webnlg", "text": "Taro is an ingredient in Binignit." }, { "source": "webnlg", "text": "Taro is an ingredient of Binignit." } ] }, { "tripleset": [ [ "Bionico", "DISH_VARIATION", "Cottage cheese" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Bionico can be varied by using cottage cheese." } ] }, { "tripleset": [ [ "Bionico", "REGION", "Jalisco" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Bionico is found in the region of Jalisco." }, { "source": "webnlg", "text": "Bionico comes from the region Jalisco." } ] }, { "tripleset": [ [ "Chicken", "CLASS", "Bird" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Chicken is a type of bird." }, { "source": "webnlg", "text": "the class of chickens is bird." } ] }, { "tripleset": [ [ "India", "CURRENCY", "Indian rupee" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The currency of India is the Indian rupee." }, { "source": "webnlg", "text": "Indian rupee is the currency in India." }, { "source": "webnlg", "text": "the Indian rupee is the currency in India." } ] }, { "tripleset": [ [ "India", "LEADER_NAME", "Sumitra Mahajan" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Sumitra Mahajan is a leader in India." }, { "source": "webnlg", "text": "Sumitra Mahajan is the leader of India." } ] }, { "tripleset": [ [ "Indonesia", "LANGUAGE", "Indonesian language" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Indonesian language is the language spoken in Indonesia." }, { "source": "webnlg", "text": "Indonesian is the language of Indonesia." } ] }, { "tripleset": [ [ "Jalisco", "LEADER_NAME", "Arist\u00f3teles Sandoval" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Aristoteles Sandoval is a leader of Jalisco." }, { "source": "webnlg", "text": "Aristoteles Sandoval is a leader in Jalisco." }, { "source": "webnlg", "text": "Arist\u00f3teles Sandoval is the leader of Jalisco." } ] }, { "tripleset": [ [ "Java", "ETHNIC_GROUP", "Banyumasan people" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Banyumasan people are an ethnic group from Java." }, { "source": "webnlg", "text": "The Banyumasan people are an ethnic group in Java." }, { "source": "webnlg", "text": "Banyumasan people is one of the ethnic groups in Java." } ] }, { "tripleset": [ [ "Malaysia", "ETHNIC_GROUP", "Malaysian Malay" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Malay is the ethnic group of Malaysia." }, { "source": "webnlg", "text": "Malaysian Malay is an ethnic group in Malaysia." }, { "source": "webnlg", "text": "Malay is an ethnic group in Malaysia." } ] }, { "tripleset": [ [ "Mexico", "LEADER_NAME", "Silvano Aureoles Conejo" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The leader of Mexico is Silvano Aureoles Conejo." }, { "source": "webnlg", "text": "The name of the leader of Mexico is Silvano Aureoles Conejo." }, { "source": "webnlg", "text": "The name of the leader in Mexico is Silvano Aureoles Conejo." } ] }, { "tripleset": [ [ "New York", "LANGUAGE", "Spanish language" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Spanish language is one of the languages spoken in New York." }, { "source": "webnlg", "text": "one of the languages of New York is Spanish." } ] }, { "tripleset": [ [ "Shumai", "COUNTRY", "China" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "China is the country Shumai comes from." }, { "source": "webnlg", "text": "Shumai is a dish from China." } ] }, { "tripleset": [ [ "Siomay", "INGREDIENT", "Peanut sauce" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Peanut sauce is an ingredient in Siomay." }, { "source": "webnlg", "text": "Peanut sauce is an ingredient of Siomay." } ] }, { "tripleset": [ [ "Sumatra", "ETHNIC_GROUP", "Malays (ethnic group)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Malays are an ethnic group of Sumatra." }, { "source": "webnlg", "text": "Malays are an ethnic group in Sumatra." } ] }, { "tripleset": [ [ "United Kingdom", "LEADER_NAME", "David Cameron" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "David Cameron is the leader of the United Kingdom." }, { "source": "webnlg", "text": "David Cameron is a leader in the United Kingdom." }, { "source": "webnlg", "text": "David Cameron is the leader of the United Kingdon." } ] }, { "tripleset": [ [ "11th Mississippi Infantry Monument", "ESTABLISHED", "2000" ], [ "11th Mississippi Infantry Monument", "CATEGORY", "Contributing property" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The 11th Mississippi Infantry Monument is categorized as a Contributing Property and was established in 2000." }, { "source": "webnlg", "text": "The 11th Mississippi Infantry Monument was established in the year 2000 and is categorised as a contributing property." } ] }, { "tripleset": [ [ "14th New Jersey Volunteer Infantry Monument", "DISTRICT", "Monocacy National Battlefield" ], [ "Monocacy National Battlefield", "NEAREST_CITY", "Frederick, Maryland" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The 14th New Jersey Volunteer Infantry Monument is near Frederick, Maryland in the district of the Monocacy National Battlefield." }, { "source": "webnlg", "text": "The 14th New Jersey Volunteer Infantry Monument is located in the Monocacy National Battlefield which nearest city is Frederick, Maryland." } ] }, { "tripleset": [ [ "Baku Turkish Martyrs' Memorial", "DEDICATED_TO", "\"Ottoman Army soldiers killed in the Battle of Baku\"" ], [ "Baku Turkish Martyrs' Memorial", "LOCATION", "Azerbaijan" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Baku Turkish Martyrs Memorial, located in Azerbaijan, is dedicated to the Ottoman Army soldiers killed in the Battle of Baku." }, { "source": "webnlg", "text": "The Baku Turkish Martyrs' Memorial is dedicated to the Ottoman Army Soldiers killed in the Battle of Baku and located in Azerbaijan." } ] }, { "tripleset": [ [ "Baku Turkish Martyrs' Memorial", "DEDICATED_TO", "\"Ottoman Army soldiers killed in the Battle of Baku\"" ], [ "Baku Turkish Martyrs' Memorial", "NATIVE_NAME", "\"T\u00fcrk \u015eehitleri An\u0131t\u0131\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Baku Turkish Martyrs Memorial, which native name is T\u00fcrk \u015eehitleri An\u0131t\u0131, has been dedicated to Ottoman Army soldiers killed in the Battle of Baku." }, { "source": "webnlg", "text": "The Baku Turkish Martyrs' Memorial is known locally as T\u00fcrk \u015eehitleri An\u0131t\u0131 and is dedicated to the Ottoman Army soldiers killed in the Battle of Baku." }, { "source": "webnlg", "text": "The Baku Turkish Martyrs Memorial known in Turkish as Turk Sehitleri Aniti, is dedicated to the Ottoman Army soldiers killed in the Battle of Baku." }, { "source": "webnlg", "text": "Baku Turkish Martyrs' Memorial's native name is T\u00fcrk \u015eehitleri An\u0131t\u0131 and is dedicated to Ottoman Army soldiers killed in the Battle of Baku." }, { "source": "webnlg", "text": "The Baku Turkish Martyrs' Memorial (native name: T\u00fcrk \u015eehitleri An\u0131t\u0131) is dedicated to the Ottoman Army soldiers killed in the Battle of Baku." } ] }, { "tripleset": [ [ "Akron, Ohio", "COUNTRY", "United States" ], [ "United States", "ETHNIC_GROUP", "African Americans" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "African Americans are an ethnic group in the US, where Akron, Ohio is located." }, { "source": "webnlg", "text": "An ethnic group in the United States are African Americans. Akron, Ohio is located in the U.S." }, { "source": "webnlg", "text": "Akron, Ohio is located within the United States, of which African Americans are an ethnic group." } ] }, { "tripleset": [ [ "Albany, Oregon", "IS_PART_OF", "Oregon" ], [ "Oregon", "CAPITAL", "Salem, Oregon" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Albany is part of Oregon where Salem is the capital." }, { "source": "webnlg", "text": "Albany is a city in Oregon whose capital is Salem." } ] }, { "tripleset": [ [ "Albuquerque, New Mexico", "LEADER_TITLE", "United States House of Representatives" ], [ "Albuquerque, New Mexico", "COUNTRY", "United States" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The leader for Albuquerque, New Mexico in the United States is the United States House of Representatives." }, { "source": "webnlg", "text": "New Mexico in the United States is home to Albuquerque, where the leader is the United States House of Representatives." }, { "source": "webnlg", "text": "Albuquerque, New Mexico is located in the U.S. and has the United States House of Representatives as a leader." } ] }, { "tripleset": [ [ "Amarillo, Texas", "IS_PART_OF", "Texas" ], [ "Amarillo, Texas", "COUNTRY", "United States" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Amarillo is part of Texas in the United States." }, { "source": "webnlg", "text": "Amarillo is part of Texas and is located in the United States." } ] }, { "tripleset": [ [ "Anaheim, California", "IS_PART_OF", "California" ], [ "Anaheim, California", "LEADER_TITLE", "United States House of Representatives" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "California is home to Anaheim, which is led by the United States House of Representatives." }, { "source": "webnlg", "text": "The United States House of Representatives leads Anaheim, which is part of California." } ] }, { "tripleset": [ [ "Anaheim, California", "IS_PART_OF", "Orange County, California" ], [ "Orange County, California", "COUNTRY", "United States" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Anaheim is in Orange County, California, in the United States." }, { "source": "webnlg", "text": "Anaheim is part of Orange County, California, United States." } ] }, { "tripleset": [ [ "Anderson, Indiana", "IS_PART_OF", "Adams Township, Madison County, Indiana" ], [ "Adams Township, Madison County, Indiana", "COUNTRY", "United States" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Anderson is part of Adams Township, Madison County, Indiana, in the United States." }, { "source": "webnlg", "text": "Anderson can be found within Adams Township, Madison County, Indiana, United States." }, { "source": "webnlg", "text": "Anderson is part of Adams Township, Madison County, Indiana located in the U.S." } ] }, { "tripleset": [ [ "Antioch, California", "ELEVATION", "13.0" ], [ "Antioch, California", "AREA_TOTAL", "75.324 (square kilometres)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Antioch, California is 13.0 metres above sea level and has a total area of 75.324 sq km." }, { "source": "webnlg", "text": "Antioch, California lies 13.0 metres above sea level and covers an area of 75.324 square kilometres." } ] }, { "tripleset": [ [ "Arlington, Texas", "ELEVATION", "184.0" ], [ "Arlington, Texas", "AREA_TOTAL", "258.2 (square kilometres)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Arlington in Texas is located at 184.0 metres above sea level and has a total area of 258.2 square kilometres." }, { "source": "webnlg", "text": "Arlington, Texas, located 184.0 above sea level, covers an area of 258.2 square kilometres." } ] }, { "tripleset": [ [ "Arlington, Texas", "IS_PART_OF", "Texas" ], [ "Texas", "COUNTRY", "United States" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Arlington is part of Texas, in the U.S." }, { "source": "webnlg", "text": "Arlington is part of the state of Texas U.S." }, { "source": "webnlg", "text": "Arlington is part of the state of Texas in the United States." } ] }, { "tripleset": [ [ "Atlanta", "COUNTRY", "United States" ], [ "Atlanta", "IS_PART_OF", "\"Georgia\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Atlanta is part of Georgia in the U.S." }, { "source": "webnlg", "text": "Atlanta is part of Georgia in the US." }, { "source": "webnlg", "text": "Atlanta is part of Georgia in the United States." } ] }, { "tripleset": [ [ "Atlantic City, New Jersey", "COUNTRY", "United States" ], [ "Atlantic City, New Jersey", "IS_PART_OF", "Atlantic County, New Jersey" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Atlantic City is part of Atlantic County, New Jersey, in the United States." }, { "source": "webnlg", "text": "Atlantic City is part of Atlantic County, New Jersey, United States." } ] }, { "tripleset": [ [ "Atlantic City, New Jersey", "COUNTRY", "United States" ], [ "United States", "CAPITAL", "Washington, D.C." ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Atlantic City, New Jersey is in the United States, the capital of which is Washington DC." }, { "source": "webnlg", "text": "The United States has the capital city of Washington DC and is the location of Atlantic City, New Jersey." } ] }, { "tripleset": [ [ "Atlantic City, New Jersey", "IS_PART_OF", "Atlantic County, New Jersey" ], [ "Atlantic County, New Jersey", "COUNTRY", "United States" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Atlantic City is located in Atlantic County, New Jersey, United States." }, { "source": "webnlg", "text": "Atlantic City is part of Atlantic County, New Jersey, in the United States." }, { "source": "webnlg", "text": "Atlantic City lies in Atlantic County, which is part of New Jersey in the United States." } ] }, { "tripleset": [ [ "Atlantic City, New Jersey", "POPULATION_DENSITY", "1421.2 (inhabitants per square kilometre)" ], [ "Atlantic City, New Jersey", "AREA_TOTAL", "44.125 (square kilometres)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "With a total area of 44.125 square kilometres, Atlantic City (in New Jersey), has a population density of 1421.2 inhabitants per square kilometre." }, { "source": "webnlg", "text": "Atlantic City, New Jersey, has a population density of 1421.2 inhabitants per square kilometre. The total area of the city is 44.125 square kilometres." }, { "source": "webnlg", "text": "Atlantic City, in New Jersey; has a population density of 1421.2 inhabitants per square kilometre, and a total area of 44.125 square kilometres." } ] }, { "tripleset": [ [ "Auburn, Washington", "IS_PART_OF", "Pierce County, Washington" ], [ "Pierce County, Washington", "COUNTRY", "United States" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Auburn is part of Pierce County, Washington, United States." }, { "source": "webnlg", "text": "Auburn is in Pierce County, Washington, United States." }, { "source": "webnlg", "text": "Auburn forms part of Pierce County, Washington, in the United States." } ] }, { "tripleset": [ [ "United States", "CAPITAL", "Washington, D.C." ], [ "Albany, Oregon", "IS_PART_OF", "United States" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Albany, Oregon is part of the United States, where Washington, D.C. is the capital." }, { "source": "webnlg", "text": "Washington DC is the capital of the United States, where Albany, Oregon is located." }, { "source": "webnlg", "text": "Albany Oregon is part of the United States where Washington D.C. is the capital." } ] }, { "tripleset": [ [ "United States", "CAPITAL", "Washington, D.C." ], [ "Amarillo, Texas", "COUNTRY", "United States" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Amarillo is in Texas, in the United States, the capital of which is Washington, D.C." }, { "source": "webnlg", "text": "Washington, D.C. is the capital of the United States, which is the home country to Amarillo,Texas." }, { "source": "webnlg", "text": "Amarillo, Texas is located within the United States, where the capital is Washington, D.C." } ] }, { "tripleset": [ [ "United States", "ETHNIC_GROUP", "African Americans" ], [ "Albuquerque, New Mexico", "COUNTRY", "United States" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Albuquerque, New Mexico is in the United States, where African Americans are one of the ethnic groups." }, { "source": "webnlg", "text": "Albuquerque, New Mexico, is part of the United States, where the African Americans are an ethnic group." }, { "source": "webnlg", "text": "The United States includes the ethnic group of African Americans and is the location of Albuquerque, New Mexico." } ] }, { "tripleset": [ [ "United States", "ETHNIC_GROUP", "Native Americans in the United States" ], [ "Albany, Georgia", "IS_PART_OF", "United States" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Native Americans are an ethnic group within the United States, the country where Albany, Georgia is located." }, { "source": "webnlg", "text": "The United States is the location of Albany, Georgia and includes Native Americans among its ethnic groups." }, { "source": "webnlg", "text": "Native Americans are one of the ethnic groups in the United States, where Albany, Georgia is located." } ] }, { "tripleset": [ [ "United States", "ETHNIC_GROUP", "Native Americans in the United States" ], [ "Auburn, Alabama", "COUNTRY", "United States" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Auburn, Alabama is located in the United States, a country where one of the ethnic groups are Native Americans." }, { "source": "webnlg", "text": "The Native Americans are an ethnic group in the United States, where Auburn, Alabama can be found." }, { "source": "webnlg", "text": "The United States is the location of Auburn, Alabama, and the country includes the ethnic group of Native Americans." } ] }, { "tripleset": [ [ "United States", "LANGUAGE", "English language" ], [ "Akron, Ohio", "COUNTRY", "United States" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The country of Akron, Ohio, is United States, where English is the language spoken." }, { "source": "webnlg", "text": "Akron, Ohio is located within the United States, where English is the language spoken." }, { "source": "webnlg", "text": "Akron,Ohio is located within the United States where English is the official language." } ] }, { "tripleset": [ [ "United States", "LEADER_TITLE", "President of the United States" ], [ "Albuquerque, New Mexico", "COUNTRY", "United States" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Albuquerque, New Mexico is in the United States, where the leader of the country is called the President of the United States." }, { "source": "webnlg", "text": "Albuquerque, New Mexico, is within the United States; the leader of which, is called the President of the United States." }, { "source": "webnlg", "text": "Albuquerque is in New Mexico, in the United States, where the leader is called the President of the United States." } ] }, { "tripleset": [ [ "Amatriciana sauce", "COUNTRY", "Italy" ], [ "Amatriciana sauce", "INGREDIENT", "Tomato" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Amatriciana sauce is made with tomatoes. It is a traditional Italian sauce." }, { "source": "webnlg", "text": "Amatriciana is a sauce containing tomato that comes from Italy." } ] }, { "tripleset": [ [ "Arem-arem", "COUNTRY", "Indonesia" ], [ "Indonesia", "LEADER_NAME", "Jusuf Kalla" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Arem-arem is a food found in Indonesia where Jusuf Kalla is the leader." }, { "source": "webnlg", "text": "Arem-arem is commonly served in Indonesia where Jusuf Kalla is leader." }, { "source": "webnlg", "text": "Arem-arem is a cuisine found in Jusuf Kalla led, Indonesia." } ] }, { "tripleset": [ [ "Arrabbiata sauce", "COUNTRY", "Italy" ], [ "Italy", "LANGUAGE", "Italian language" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Arrabbiata sauce can be found in Italy where the Italian language is spoken." }, { "source": "webnlg", "text": "Arrabbiata sauce is from Italy where the Italian language is spoken." }, { "source": "webnlg", "text": "Arrabbiata sauce can be found in Italy, where surprisingly Italian is spoken." } ] }, { "tripleset": [ [ "Arrabbiata sauce", "COUNTRY", "Italy" ], [ "Italy", "LEADER_NAME", "Sergio Mattarella" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Sergio Mattarella is a leader in Italy, where Arrabbiata sauce is a traditional dish." }, { "source": "webnlg", "text": "Arrabbiata sauce can be found in Italy where Sergio Mattarella is the leader." }, { "source": "webnlg", "text": "Arrabbiata sauce is from Italy, where Sergio Mattarella is the leader." } ] }, { "tripleset": [ [ "Arrabbiata sauce", "INGREDIENT", "Chili pepper" ], [ "Arrabbiata sauce", "COUNTRY", "Italy" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Arrabbiata is an Italian sauce that contains chili pepper." }, { "source": "webnlg", "text": "Arrabbiata sauce can be found in Italy and one of the ingredients in it is chili pepper." }, { "source": "webnlg", "text": "Arrabbiata sauce, containing chili pepper, can be found in Italy." } ] }, { "tripleset": [ [ "Arr\u00f2s negre", "REGION", "Valencian Community" ], [ "Arr\u00f2s negre", "COUNTRY", "Spain" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Arros negre is a traditional Spanish dish and comes from the region of the Valencian Community." }, { "source": "webnlg", "text": "Arros negre comes from the region of the Valencian Community in Spain." }, { "source": "webnlg", "text": "Arros negre comes from the Spanish region of the Valencian Community." } ] }, { "tripleset": [ [ "Asam pedas", "COUNTRY", "Indonesia" ], [ "Asam pedas", "MAIN_INGREDIENTS", "\"Fish cooked in sour and hot sauce\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "A dish popular in Indonesia is asam pedas which is made from fish cooked in hot and sour sauce." }, { "source": "webnlg", "text": "Fish is cooked in sour and hot sauce to create an Asam Pedas which originates from the country of Indonesia." }, { "source": "webnlg", "text": "Asam pedas is a dish of fish cooked in a sour and hot sauce that comes from Indonesia." } ] }, { "tripleset": [ [ "Ayam penyet", "REGION", "Malaysia" ], [ "Ayam penyet", "COUNTRY", "Indonesia" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Ayam penyet is from Indonesia and is a popular dish in Malaysia." }, { "source": "webnlg", "text": "Ayam penyet comes from both Malaysia and Indonesia." }, { "source": "webnlg", "text": "Ayam Penyet is a dish from Malaysia and Indonesia." } ] }, { "tripleset": [ [ "BLT", "DISH_VARIATION", "Club sandwich" ], [ "Bacon sandwich", "DISH_VARIATION", "BLT" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "A bacon sandwich can be called a BLT which is a variation of a Club Sandwich." }, { "source": "webnlg", "text": "BLT is a variation of the club sandwich and the bacon sandwich." }, { "source": "webnlg", "text": "Bacon sandwich is a variation of BLT which is a variation of a club sandwich." } ] }, { "tripleset": [ [ "Bacon Explosion", "INGREDIENT", "Sausage" ], [ "Bacon Explosion", "MAIN_INGREDIENTS", "Bacon" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Sausage is an ingredient of a bacon explosion but the main ingredient is bacon." }, { "source": "webnlg", "text": "Aside from the main ingredient bacon, sausage is included in the Bacon Explosion." } ] }, { "tripleset": [ [ "Bacon sandwich", "ALTERNATIVE_NAME", "\"Bacon butty, bacon sarnie, rasher sandwich, bacon sanger, piece 'n bacon, bacon cob, bacon barm, bacon muffin\"" ], [ "Bacon sandwich", "INGREDIENT", "Bacon" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "A bacon sandwich - which can also be known as a bacon butty, bacon sarnie, rasher sandwich, bacon sanger, piece 'n bacon, bacon cob, bacon barm, or bacon muffin - has the ingredient bacon." }, { "source": "webnlg", "text": "The bacon sandwich, which always includes bacon, has different names including: Bacon butty, bacon sarnie, rasher sandwich, bacon sanger, piece 'n bacon, bacon cob, bacon barm and bacon muffin." } ] }, { "tripleset": [ [ "Bacon sandwich", "DISH_VARIATION", "BLT" ], [ "Bacon sandwich", "INGREDIENT", "Bread" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "A bacon sandwich can be transformed into a BLT which has an ingredient widely found called bread." }, { "source": "webnlg", "text": "An ingredient in a bacon sandwich is bread and a variation is the BLT." }, { "source": "webnlg", "text": "The bacon sandwich, made from bread, is a variation of BLT." } ] }, { "tripleset": [ [ "Baked Alaska", "COUNTRY", "France" ], [ "Baked Alaska", "INGREDIENT", "Sponge cake" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Baked Alaska comes from the country of France and one of the ingredients is sponge cake." }, { "source": "webnlg", "text": "Baked Alaska (France) uses sponge cake as an ingredient." }, { "source": "webnlg", "text": "France's Baked Alaska includes the ingredient, sponge cake." } ] }, { "tripleset": [ [ "Baked Alaska", "COUNTRY", "France" ], [ "France", "LEADER_NAME", "Manuel Valls" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Baked Alaska comes from the country of France where Manuel Valls is the leader." }, { "source": "webnlg", "text": "France (led by Manuel Valls) is the origin of Baked Alaska." }, { "source": "webnlg", "text": "Manuel Valls is the leader of France, where baked alaska comes from." } ] }, { "tripleset": [ [ "Baked Alaska", "COUNTRY", "United States" ], [ "Baked Alaska", "INGREDIENT", "Meringue" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Meringue is one of the main ingredients of a Baked Alaska, Baked Alaska originates from the United States." }, { "source": "webnlg", "text": "Baked Alaska, a United States dish, includes the ingredient meringue." }, { "source": "webnlg", "text": "Meringue is an ingredient of a Baked Alaska which is a dish found in the U.S." } ] }, { "tripleset": [ [ "Bakewell pudding", "DISH_VARIATION", "Bakewell tart" ], [ "Bakewell tart", "INGREDIENT", "Fruit preserves" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Fruit preservatives is an ingredient in bakewell tarts which are a variant of bakewell pudding." }, { "source": "webnlg", "text": "The Bakewell tart, containing fruit preserves, is a variation of Bakewell pudding." }, { "source": "webnlg", "text": "Fruit preserves are an ingredient in Bakewell tart which is a variation of Bakewell pudding." } ] }, { "tripleset": [ [ "Bakso", "COUNTRY", "Indonesia" ], [ "Bakso", "INGREDIENT", "Vermicelli" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Vermicelli is an ingredient of the dish Bakso which comes from Indonesia." }, { "source": "webnlg", "text": "Vermicelli is included in the Indonesian dish of bakso." }, { "source": "webnlg", "text": "Vermicelli is an ingredient in Bakso which is from Indonesia." } ] }, { "tripleset": [ [ "Bakso", "INGREDIENT", "Celery" ], [ "Celery", "FAMILY", "Apiaceae" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Celery is a member of the Apiaceae family and is an ingredient of Bakso." }, { "source": "webnlg", "text": "Celery, which is part of the Apiaceae family, is an ingredient of Bakso." }, { "source": "webnlg", "text": "Celery is an ingredient of Bakso and is a member of the family Apiaceae." } ] }, { "tripleset": [ [ "Bandeja paisa", "INGREDIENT", "Chicharr\u00f3n" ], [ "Bandeja paisa", "COUNTRY", "Colombian cuisine" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "An ingredient found in Bandeja paisa (typical Colombian cuisine) is Chicharr\u00f3n." }, { "source": "webnlg", "text": "Chicharr\u00f3n is one of the ingredients in Colombian cuisine's Bandeja paisa." }, { "source": "webnlg", "text": "Traditional Colombian cuisine, Bandeja paisa, includes the ingredient, chicharron." } ] }, { "tripleset": [ [ "Barny Cakes", "COUNTRY", "France" ], [ "France", "LEADER_NAME", "Claude Bartolone" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The country Barny Cakes come from is France where the leader is Claude Bartolone." }, { "source": "webnlg", "text": "Barny cakes can be found in France where the leader is Claude Bartolone." }, { "source": "webnlg", "text": "Barny Cakes come from France, whose leader is Claude Bartolone." } ] }, { "tripleset": [ [ "Batagor", "COUNTRY", "Indonesia" ], [ "Batagor", "INGREDIENT", "Peanut sauce" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Peanut sauce is an ingredient of batagor which is found in Indonesia." }, { "source": "webnlg", "text": "Batagor, which has peanut sauce as an ingredient, is found in Indonesia." }, { "source": "webnlg", "text": "Peanut sauce is an ingredient of batagor which comes from the country of Indonesia." } ] }, { "tripleset": [ [ "Batagor", "INGREDIENT", "Peanut sauce" ], [ "Batagor", "DISH_VARIATION", "Siomay" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Batagor has peanut sauce as an ingredient and is a variation of the Siomay dish." }, { "source": "webnlg", "text": "The dishes Batagor and Siomay both contain the ingredient peanut sauce." }, { "source": "webnlg", "text": "Batagor is a variation of the Siomay dish and one of the ingredients is peanut sauce." } ] }, { "tripleset": [ [ "Beef kway teow", "COUNTRY", "Singapore" ], [ "Beef kway teow", "INGREDIENT", "Palm sugar" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Beef kway teow is a dish from the country of Singapore that had palm sugar as an ingredient." }, { "source": "webnlg", "text": "Palm sugar is an ingredient in beef kway teow which comes from Singapore." }, { "source": "webnlg", "text": "Beef kway teow is a popular dish in Singapore, it includes palm sugar." } ] }, { "tripleset": [ [ "Beef kway teow", "COUNTRY", "Singapore" ], [ "Singapore", "LEADER_NAME", "Halimah Yacob" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Beef kway teow is a popular dish from Singapore and Halimah Yacob is it's leader." }, { "source": "webnlg", "text": "Beef kway teow is a dish from Singapore where Halimah Yacob is the leader." }, { "source": "webnlg", "text": "Beef kway teow is a popular dish in Singapore whose leader is Halimah Yacob." } ] }, { "tripleset": [ [ "Beef kway teow", "MAIN_INGREDIENTS", "\"Kway teow, beef tender loin, gula Melaka, sliced, dried black beans, garlic, dark soy sauce, lengkuas, oyster sauce, soya sauce, chilli and sesame oil\"" ], [ "Beef kway teow", "COUNTRY", "\"Singapore and Indonesia\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The main ingredients in Beef Kway Teow made in Singapore and Indonesia are kway teow, beef tender loin, gula Melaka, sliced, dried black beans, garlic, dark soy sauce, lengkuas, oyster sauce, soya sauce, chilli and sesame oil." }, { "source": "webnlg", "text": "Kway teow, beef tender loin, gula Melaka, sliced dried black beans, garlic, soy sauce, lengkuas, oyster sauce, soya sauce, chilli and sesame oil are the main ingredients of Beef Kway Teow which is a dish found in Indonesia and Singapore." }, { "source": "webnlg", "text": "Beef kway teow is a dish commonly found in Singapore and Indonesia and the main ingredients are Kway teow, beef tender loin, gula Melaka, sliced, dried black beans, garlic, dark soy sauce, lengkuas, oyster sauce, soya sauce, chilli and sesame oil." } ] }, { "tripleset": [ [ "Bhajji", "COUNTRY", "India" ], [ "India", "DEMONYM", "Indian people" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Bhajji comes from the country India, where Indians live." }, { "source": "webnlg", "text": "Bhajji originates from India which is where Indian people are from." }, { "source": "webnlg", "text": "Bhajji is a dish originating from Indian inhabited, India." } ] }, { "tripleset": [ [ "Bhajji", "COUNTRY", "India" ], [ "India", "LEADER_NAME", "T. S. Thakur" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Bhajji's come from India where T.S. Thakur is the leader." }, { "source": "webnlg", "text": "Bhajji and T.S. Thakur are from India and Thakkur is the leader." }, { "source": "webnlg", "text": "Bhajji originates from India where the leader is T.S. Thakur." } ] }, { "tripleset": [ [ "Binignit", "COUNTRY", "Philippines" ], [ "Philippines", "ETHNIC_GROUP", "Igorot people" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Igorot people are one of the ethnic groups in the Philippines where the binignit dish can be found." }, { "source": "webnlg", "text": "The Igorot people are an ethnic group found in the Philippines which is also home to the binignit dish." }, { "source": "webnlg", "text": "Binignit is a dish from the Philippines, where the ethnic group called the Igorot people are found." } ] }, { "tripleset": [ [ "Binignit", "MAIN_INGREDIENTS", "Banana" ], [ "Binignit", "COUNTRY", "Philippines" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Binignit comes from the Philippines and has banana as the main ingredient." }, { "source": "webnlg", "text": "One of the main ingredients in binignit is banana and it can be found in the Philippines." }, { "source": "webnlg", "text": "The binignit dish, containing banana, can be found in the Philippines." } ] }, { "tripleset": [ [ "Binignit", "MAIN_INGREDIENTS", "Sweet potato" ], [ "Binignit", "INGREDIENT", "Banana" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The main ingredients of binignit are sweet potatoes and banana." }, { "source": "webnlg", "text": "One of the main ingredients of Binignit is the sweet potato, and it also contains banana." }, { "source": "webnlg", "text": "The main ingredients of binignit are sweet potatotes and bananas." } ] }, { "tripleset": [ [ "Bionico", "COUNTRY", "Mexico" ], [ "Mexico", "LEADER_NAME", "Enrique Pe\u00f1a Nieto" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Mexico (led by Enrique Pena Nieto) boasts the dish Bionico." }, { "source": "webnlg", "text": "Enrique Pena Nieto is the leader of Mexico, where the food bionico is found." }, { "source": "webnlg", "text": "Bionico is a food found in Mexico where Enrique Pena Nieto is a leader." } ] }, { "tripleset": [ [ "Bionico", "REGION", "Guadalajara" ], [ "Bionico", "INGREDIENT", "Granola" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Bionico requires granola as one of its ingredients and can be found in Guadalajara." }, { "source": "webnlg", "text": "Granola is a required ingredient of the Guadalajara regional dish, Bionico." }, { "source": "webnlg", "text": "Bionico, which contains granola, can be found in Guadalajara." } ] }, { "tripleset": [ [ "Dessert", "DISH_VARIATION", "Cake" ], [ "Bionico", "COURSE", "Dessert" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Bionico is served at the dessert course, as would cake be as a variation." }, { "source": "webnlg", "text": "Bionico is a dish served for dessert as is cake." }, { "source": "webnlg", "text": "A variation of cake is dessert and Bionico is one example of this." } ] }, { "tripleset": [ [ "Indonesia", "LEADER_NAME", "Joko Widodo" ], [ "Bakso", "COUNTRY", "Indonesia" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Indonesia, where Joko Widodo is the leader, is also where Bakso comes from." }, { "source": "webnlg", "text": "Indonesia is the country Bakso comes from and the leader is Joko Widodo." } ] }, { "tripleset": [ [ "Shumai", "INGREDIENT", "Shiitake" ], [ "Batagor", "DISH_VARIATION", "Shumai" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "A variation of Shumai includes Batagor which features the ingredient Shiitake." }, { "source": "webnlg", "text": "Shiitake is an ingredient of Shumai which has a variation known as Batagor." }, { "source": "webnlg", "text": "Shiitake is an ingredient of Shumai which is a variation of Batagor." } ] }, { "tripleset": [ [ "Aarhus Airport", "RUNWAY_LENGTH", "2777.0" ], [ "Aarhus Airport", "OPERATING_ORGANISATION", "\"Aarhus Lufthavn A/S\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Aarhus Airport, operated by Aarhus Lufthavn A/S, has a runway length of 2777.0." }, { "source": "webnlg", "text": "Aarhus Lufthavn A/S is the operation organisation of Aarhus Airport which has a runway length of 2777." } ] }, { "tripleset": [ [ "Adolfo Su\u00e1rez Madrid\u2013Barajas Airport", "ELEVATION", "610.0" ], [ "Adolfo Su\u00e1rez Madrid\u2013Barajas Airport", "LOCATION", "\"Madrid, Paracuellos de Jarama, San Sebasti\u00e1n de los Reyes and Alcobendas\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Adolfo Suarez Madrid-Barajas Airport at Madrid, Paracuellos de Jarama, San Sebasti\u00e1n de los Reyes and Alcobendas is 610 metres above sea level.." }, { "source": "webnlg", "text": "Adolfo Suarez Madrid-Barajas Airport is located in Madrid, Paracuellos de Jarama, San Sebastian de los Reyes and Alcobendas and lies 610 metres above sea level." }, { "source": "webnlg", "text": "Adolfo Suarez Madrid-Barajas airport is located at Madrid, Paracuellos de Jarama, San Sebasti\u00e1n de los Reyes and Alcobendas and is elevated 610 metres above sea level." } ] }, { "tripleset": [ [ "Adolfo Su\u00e1rez Madrid\u2013Barajas Airport", "RUNWAY_LENGTH", "3500.0" ], [ "Adolfo Su\u00e1rez Madrid\u2013Barajas Airport", "LOCATION", "\"Madrid, Paracuellos de Jarama, San Sebasti\u00e1n de los Reyes and Alcobendas\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Adolfo Suarez Madrid-Barajas Airport is located in Madrid, Paracuellos de Jarama, San Sebastian de los Reyes and Alcobendas and has a runway length of 3500." }, { "source": "webnlg", "text": "The runway length at Adolfo Suarez Madrid- Barajas airport is 3500. It is located in Madrid, Paracuellos de Jarama, San Sebastian de los Reyes and Alcobendas." }, { "source": "webnlg", "text": "Adolfo Suarez Madrid-Barajas airport is located at Madrid, Paracuellos de Jarama, San Sebasti\u00e1n de los Reyes and Alcobendas and the runway length is 3500." } ] }, { "tripleset": [ [ "Agra Airport", "LOCATION", "Uttar Pradesh" ], [ "Uttar Pradesh", "IS_PART_OF", "Awadh" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Agra Airport is in Uttar Pradesh, Awadh." }, { "source": "webnlg", "text": "Agra Airport is located in Uttar Pradesh, which is part of Awadh." }, { "source": "webnlg", "text": "Agra airport is located in Uttar Pradesh, Awadh." } ] }, { "tripleset": [ [ "Al Asad Airbase", "LOCATION", "\"Al Anbar Province, Iraq\"" ], [ "Al Asad Airbase", "RUNWAY_LENGTH", "3090.0" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Al Asad Airbase is situated in the Al Anbar Province, Iraq and has a runway length of 3090.0." }, { "source": "webnlg", "text": "Al Asad Airbase is located in Al Anbar Province, Iraq and has a runway length of 3090.0." }, { "source": "webnlg", "text": "Al Asad airbase is located at Al Anbar Province, Iraq and has a runway length is 3090.0." } ] }, { "tripleset": [ [ "Al Asad Airbase", "LOCATION", "Iraq" ], [ "Iraq", "LANGUAGE", "Arabic" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Al Asad Airbase is in Iraq, where they speak Arabic." }, { "source": "webnlg", "text": "Al Asad Airbase is found in Iraq where the language is Arabic." }, { "source": "webnlg", "text": "Al Asad Airbase is in Iraq where Arabic is the language." } ] }, { "tripleset": [ [ "Al Asad Airbase", "OPERATING_ORGANISATION", "United States Air Force" ], [ "United States Air Force", "BATTLES", "Invasion of Grenada" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The US Air force operates the Al Asad airbase and has previously fought in the Invasion of Grenada." }, { "source": "webnlg", "text": "Al Asad Airbase is operated by the United States Air Force who were involved in battles at the Invasion of Grenada." } ] }, { "tripleset": [ [ "Alderney Airport", "1ST_RUNWAY_SURFACE_TYPE", "Poaceae" ], [ "Poaceae", "CLASS", "Monocotyledon" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alderney airport's first runway is made from Poaceae which is from the Monocotyledon class." }, { "source": "webnlg", "text": "The 1st runway at Alderney Airport is made from Poaceae, which is in the Monocotyledon class." }, { "source": "webnlg", "text": "The 1st runway at Alderney Airport is made from Poaceae, classed as a Monocotyledon." } ] }, { "tripleset": [ [ "Alderney Airport", "RUNWAY_LENGTH", "877.0" ], [ "Alderney Airport", "1ST_RUNWAY_SURFACE_TYPE", "Asphalt" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The 1st runway at Alderney airport has an asphalt surface and a length of 877." }, { "source": "webnlg", "text": "The first runway at Alderney Airport is made of asphalt, and its length is 877." } ] }, { "tripleset": [ [ "Allama Iqbal International Airport", "LOCATION", "Pakistan" ], [ "Pakistan", "LEADER_NAME", "Anwar Zaheer Jamali" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Allama Iqbal International airport is located in Pakistan where Anwar Zaheer Jamali is a leader." }, { "source": "webnlg", "text": "Allama Iqbal International airport is located in Pakistan who's leader is Anwar Zaheer Jamali." }, { "source": "webnlg", "text": "Pakistan is home to the Allama Iqbal International airport and is led by Anwar Zaheer Jamali." } ] }, { "tripleset": [ [ "Allama Iqbal International Airport", "LOCATION", "Punjab, Pakistan" ], [ "Allama Iqbal International Airport", "RUNWAY_LENGTH", "2900.0" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Located in Punjab Pakistan, Allama Iqbal International Airport has a runway length of 2900.0 metres." }, { "source": "webnlg", "text": "The Allama Iqbal International Airport is found in Punjab, Pakistan and has a runway length of 2900.0." } ] }, { "tripleset": [ [ "Amsterdam Airport Schiphol", "1ST_RUNWAY_LENGTH_METRE", "3800" ], [ "Amsterdam Airport Schiphol", "ELEVATION", "-3.3528" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Amsterdam Airport Schiphol is -3.3528 metres above sea level and its first runway has a length of 3800 meters." }, { "source": "webnlg", "text": "Amsterdam Airport Schiphol is -3.3528 from sea level and the length of its first runway is 3800 metres." }, { "source": "webnlg", "text": "Amsterdam Airport Schiphol is -3.3528 metres above sea level, the runway is 3800m long." } ] }, { "tripleset": [ [ "Amsterdam Airport Schiphol", "1ST_RUNWAY_SURFACE_TYPE", "Asphalt" ], [ "Amsterdam Airport Schiphol", "ELEVATION", "-3.3528" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Amsterdam Airport Schiphol is 3.3528 below sea level and its first runway is made of asphalt.." }, { "source": "webnlg", "text": "Amsterdam airport Schiphol os -3.3528 from sea level and the 1st runway is made from Asphalt." }, { "source": "webnlg", "text": "Amsterdam Airport Schiphol is -3.3528 metres above sea level and the first runway is made of asphalt." } ] }, { "tripleset": [ [ "Amsterdam Airport Schiphol", "CITY_SERVED", "Amsterdam" ], [ "Amsterdam Airport Schiphol", "RUNWAY_LENGTH", "2014.0" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Amsterdam Airport Schiphol serves the city of Amsterdam and has a runway length of 2014.0." } ] }, { "tripleset": [ [ "Amsterdam Airport Schiphol", "CITY_SERVED", "Amsterdam" ], [ "Amsterdam Airport Schiphol", "RUNWAY_LENGTH", "3300.0" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Amsterdam Airport Schiphol serves Amsterdam and the runway length is 3300." } ] }, { "tripleset": [ [ "Andrews County Airport", "LOCATION", "Texas" ], [ "Texas", "LARGEST_CITY", "Houston" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Andrews County Airport is located in Texas where Houston is the largest city." }, { "source": "webnlg", "text": "Andrews County Airport is located in Texas where the largest city is Houston." } ] }, { "tripleset": [ [ "Angola International Airport", "RUNWAY_LENGTH", "3800.0" ], [ "Angola International Airport", "CITY_SERVED", "Luanda" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The city of Luanda is served by Angola International Airport which has a runway that is 3800 metres long." }, { "source": "webnlg", "text": "The runway length of Angola International Airport, which serves the city of Luanda, is 3800.0." }, { "source": "webnlg", "text": "Angola International Airport serves Luanda and its runway is 3800 long." } ] }, { "tripleset": [ [ "Ardmore Airport (New Zealand)", "RUNWAY_LENGTH", "597.0" ], [ "Ardmore Airport (New Zealand)", "3RD_RUNWAY_SURFACE_TYPE", "Poaceae" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The 3rd runway at Ardmore Airport (New Zealand) is made of Poaceae, and its length is 597.0." }, { "source": "webnlg", "text": "The runway length of Ardmore Airport (New Zealand) is 597.0 and its 3rd runway has a surface type of Poaceae." } ] }, { "tripleset": [ [ "Ashgabat International Airport", "1ST_RUNWAY_LENGTH_FEET", "12467" ], [ "Ashgabat International Airport", "ELEVATION", "211" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The 1st runway at Ashgabat International airport is 12467 feet in length and the Airport is elevated 211 metres above sea level." }, { "source": "webnlg", "text": "The Ashgabat International Airport is 211 metres above sea level and its first runway has a length of 12467 feet." }, { "source": "webnlg", "text": "Ashgabat International Airport is elevated 211 metres above sea level and the first runway has a length of 12467 feet." } ] }, { "tripleset": [ [ "Ashgabat International Airport", "OPERATING_ORGANISATION", "Turkmenistan Airlines" ], [ "Turkmenistan Airlines", "HEADQUARTER", "Turkmenistan" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Turkmenistan Airlines, which is headquartered in Turkmenistan, is the operating organization for Ashgabat International Airport." }, { "source": "webnlg", "text": "The headquarters of Turkmenistan Airlines are located in Turkmenistan and they are the operating organisation for Ashgabat International Airport." }, { "source": "webnlg", "text": "Ashgabat International Airport is operated by Turkmenistan Airlines, the headquarters of which are located in Turkmenistan." } ] }, { "tripleset": [ [ "Atlantic City International Airport", "LOCATION", "Egg Harbor Township, New Jersey" ], [ "Egg Harbor Township, New Jersey", "COUNTRY", "United States" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Atlantic City International Airport is in Egg Harbor Township, New Jersey, United States." }, { "source": "webnlg", "text": "Atlantic City International Airport is located in Egg Harbor Township, New Jersey, United States." }, { "source": "webnlg", "text": "Atlantic City International Airport is located at Egg Harbor Township, New Jersey, in the United States." } ] }, { "tripleset": [ [ "Atlantic City International Airport", "OPERATING_ORGANISATION", "Port Authority of New York and New Jersey" ], [ "Atlantic City International Airport", "RUNWAY_NAME", "\"4/22\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "4/22 is the runway name of Atlantic City International Airport which is operated by the Port Authority of New York and New Jersey." }, { "source": "webnlg", "text": "The Port Authority of New York and New Jersey operate the Atlantic City International Airport which has a runway known as 4/22." } ] }, { "tripleset": [ [ "Atlantic City International Airport", "RUNWAY_LENGTH", "3048.0" ], [ "Atlantic City International Airport", "OPERATING_ORGANISATION", "Port Authority of New York and New Jersey" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Atlantic City International Airport, (runway length 3048.0), is operated by the Port Authority of New York and New Jersey." }, { "source": "webnlg", "text": "Operated by the Port Authority of New York and New Jersey, Atlantic City International Airport has a runway which is 3048.0 metres long." } ] }, { "tripleset": [ [ "Infraero", "LOCATION", "Bras\u00edlia" ], [ "Afonso Pena International Airport", "OPERATING_ORGANISATION", "Infraero" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Afonso Pena International Airport is operated by Infraero which is in Brasilia." }, { "source": "webnlg", "text": "Afonso Pena International Airport is operated by Infraero, Brasilia." }, { "source": "webnlg", "text": "The operating organization for Afonso Pena International Airport is Infraero in Brasilia." } ] }, { "tripleset": [ [ "1. FC Magdeburg", "NUMBER_OF_MEMBERS", "27250" ], [ "1. FC Magdeburg", "SEASON", "2014\u201315 Regionalliga" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "FC Magedburg has 27250 members and was in Regionalliga in 2014." }, { "source": "webnlg", "text": "FC Magdeburg played in the Regionalliga in 2014-15 season and has 27250 members." }, { "source": "webnlg", "text": "1.FC Magdeburg has 27250 members and in the 2014-15 season they played in the Regionalliga." } ] }, { "tripleset": [ [ "A.C. Chievo Verona", "GROUND", "\"Verona, Italy\"" ], [ "A.C. Chievo Verona", "NUMBER_OF_MEMBERS", "39371" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Verona, Italy is the home to A.C. Chievo Verona which has 39371 members." }, { "source": "webnlg", "text": "Verona, Italy is the home to A.C. Chievo Verona who have 39371 members." } ] }, { "tripleset": [ [ "A.C. Chievo Verona", "MANAGER", "Rolando Maran" ], [ "Rolando Maran", "PLACE_OF_BIRTH", "Italy" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Rolando Maran, who has managed AC Chievo Verona, was born in Italy." }, { "source": "webnlg", "text": "Associazione Calcio ChievoVerona is managed by Italian born Rolando Maran." }, { "source": "webnlg", "text": "The manager of A.C. Chievo Verona is Rolando Maran, who was born in Italy." } ] }, { "tripleset": [ [ "A.D. Isidro Metap\u00e1n", "MANAGER", "Jorge Humberto Rodr\u00edguez" ], [ "Jorge Humberto Rodr\u00edguez", "CLUB", "FC Dallas" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Jorge Humberto Rodriguez manages A.D. Isidro Metapan. He plays for FC Dallas." }, { "source": "webnlg", "text": "Jorge Humberto Rodriguez, manager of A D Isidro Metapan, plays for FC Dallas." } ] }, { "tripleset": [ [ "A.E Dimitra Efxeinoupolis", "NUMBER_OF_MEMBERS", "1500" ], [ "A.E Dimitra Efxeinoupolis", "SEASON", "2014\u201315 A EPSTH, Greece" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "With 1500 members, A.E Dimitra Efxeinoupolis, were in the 2014-15 A EPSTH, Greece." }, { "source": "webnlg", "text": "A.E Dimitra Efxeinoupolis were in the 2014\u201315 A EPSTH. Greece season, and have 1500 members." } ] }, { "tripleset": [ [ "A.F.C. Blackpool", "MANAGER", "Stuart Parker (footballer)" ], [ "Stuart Parker (footballer)", "CLUB", "Blackburn Rovers F.C." ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Stuart Parker (footballer) was at Blackburn Rovers FC and has also managed AFC Blackpool." }, { "source": "webnlg", "text": "The manager of A.F.C. Blackpool is Stuart Parker who played for Blackburn Rovers FC." }, { "source": "webnlg", "text": "Stuart Parker is the manager of A.F.C. Blackpool, and plays for Blackburn Rovers F.C." } ] }, { "tripleset": [ [ "A.F.C. Blackpool", "MANAGER", "Stuart Parker (footballer)" ], [ "Stuart Parker (footballer)", "CLUB", "Irlam Town F.C." ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "AFC Blackpool have had Stuart Parker as their manager, and he is attached to Irlam Town Football Club." }, { "source": "webnlg", "text": "The manager of A.F.C. Blackpool is Stuart Parker (footballer) who is a member of the Irlam Town F.C." }, { "source": "webnlg", "text": "Footballer Stuart Parker, attached to Irlam Town Football Club, also manages A.F.C. Blackpool." } ] }, { "tripleset": [ [ "A.F.C. Fylde", "NUMBER_OF_MEMBERS", "3180" ], [ "A.F.C. Fylde", "GROUND", "Lancashire" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The ground of AFC Fylde can be found in the county of Lancashire, it has 3180 members." }, { "source": "webnlg", "text": "The ground of AFC Fylde, which holds 3180 fans, can be found in the county of Lancashire." }, { "source": "webnlg", "text": "The ground of AFC Fylde can be found in the county of Lancashire and they have 3180 members." } ] }, { "tripleset": [ [ "A.S. Gubbio 1910", "NUMBER_OF_MEMBERS", "5300" ], [ "A.S. Gubbio 1910", "GROUND", "Gubbio" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The A.S. Gubbio 1910 has 5300 members and has a ground in Gubbio." }, { "source": "webnlg", "text": "A.S. Gubbio 1910, which has its ground in Gubbio, has 5300 members." }, { "source": "webnlg", "text": "A.S. Gubbio 1910 has 5300 members and a ground in Gubbio." } ] }, { "tripleset": [ [ "A.S. Livorno Calcio", "GROUND", "Livorno" ], [ "A.S. Livorno Calcio", "LEAGUE", "Serie B" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "A.S Livorno Calcio ground is in Livorno and the club plays in Serie B." }, { "source": "webnlg", "text": "AS Livorno Calcio play in Serie B, and their grounds are in Livorno." }, { "source": "webnlg", "text": "The AS Livorno club in Serie B plays in Livorno." } ] }, { "tripleset": [ [ "A.S. Livorno Calcio", "MANAGER", "Christian Panucci" ], [ "Christian Panucci", "CLUB", "A.S. Roma" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Christian Panucci plays at A.S. Roma. He also manages A.S. Livorno Calcio ." }, { "source": "webnlg", "text": "A.S Livorno Calcio is managed by Christian Panucci, who plays for A S Roma." }, { "source": "webnlg", "text": "A.S. Livorno Calcio is managed by Christian Panucci who plays at the A.S. Roma." } ] }, { "tripleset": [ [ "ACF Fiorentina", "MANAGER", "Paulo Sousa" ], [ "Paulo Sousa", "CLUB", "Juventus F.C." ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The manager of ACF Fiorentina is Paulo Sousa, his club is Juventus." }, { "source": "webnlg", "text": "Paulo Sousa is the manager of the ACF Fiorentina and his club is Juventus." } ] }, { "tripleset": [ [ "ACF Fiorentina", "NUMBER_OF_MEMBERS", "47290" ], [ "ACF Fiorentina", "FULL_NAME", "\"ACF Fiorentina S.p.A.\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "ACF Fiorentina has 47290 members and their full name is ACF Fiorentina S.p.A." }, { "source": "webnlg", "text": "The full name of ACF Fiorentia is \"ACF Fiorentina S.p.A.\" and they have 47290 members." }, { "source": "webnlg", "text": "ACF Fiorentina (with full name being ACF Fiorentina S.p.A.) has 47290 members." } ] }, { "tripleset": [ [ "AEK Athens F.C.", "GROUND", "Greece" ], [ "AEK Athens F.C.", "NUMBER_OF_MEMBERS", "69618" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "AEK Athens F.C. has 69618 members and its ground is in Greece." }, { "source": "webnlg", "text": "AEK Athens's ground is in Greece and the club has 69618 members." }, { "source": "webnlg", "text": "AEK Athen's ground is in Greece and has 69618 members." } ] }, { "tripleset": [ [ "AEK Athens F.C.", "GROUND", "Olympic Stadium (Athens)" ], [ "AEK Athens F.C.", "LEAGUE", "Superleague Greece" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The ground for AEK Athens FC, who are in the Superleague of Greece is the Olympic Stadium (Athens)." }, { "source": "webnlg", "text": "The Olympic Stadium, in Athens, is the home ground of AEK Athens FC which is in the Superleague of Greece." }, { "source": "webnlg", "text": "AEK Athens F.C. play in the Superleague Greece and have the Olympic Stadium (Athens) as their home ground." } ] }, { "tripleset": [ [ "AFC Ajax (amateurs)", "GROUND", "Sportpark De Toekomst" ], [ "Sportpark De Toekomst", "TENANT", "Jong Ajax" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "AFC Ajax (amateurs)'s ground is Sportpark De Toekomst where the tenant is Jong Ajax." }, { "source": "webnlg", "text": "Jong Ajax is the tenant of Sportpark De Toekomst which is the ground for AFC Ajac (amateurs)." }, { "source": "webnlg", "text": "Jong Ajax are the tenants of the De Toekomst Sportpark which is the ground of AFC Ajax (amateurs)." } ] }, { "tripleset": [ [ "AZAL PFK", "GROUND", "AZAL Arena" ], [ "AZAL PFK", "LOCATION", "\"Shuvalan, Baku, Azerbaijan\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "AZAL Arena is the ground of AZAL PFK which is located in Shuvalan, Baku, Azerbaijan." }, { "source": "webnlg", "text": "AZAL Arena, Shuvalan, Baku, Azerbaijan, is the ground of AZAL PFK." }, { "source": "webnlg", "text": "AZAL PFK play their home matches at the AZAL Arena in Shuvalan, Baku, Azerbaijan." } ] }, { "tripleset": [ [ "Akron Summit Assault", "SEASON", "2011 PDL season" ], [ "Akron Summit Assault", "NUMBER_OF_MEMBERS", "3000" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Akron Summit Assault, 3000 members strong, play in the 2011 PDL season." }, { "source": "webnlg", "text": "Akron Summit Assault; has 3000 members and plays in the 2011 PDL season." } ] }, { "tripleset": [ [ "Gubbio", "REGION", "Umbria" ], [ "A.S. Gubbio 1910", "GROUND", "Gubbio" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "A.S. Gubbio 1910 has a ground in Gubbio which is a region of Umbria." }, { "source": "webnlg", "text": "The ground of A.S. Gubbio 1910 is in Gubbio in the region of Umbria." } ] }, { "tripleset": [ [ "Italy", "LEADER", "Pietro Grasso" ], [ "A.S. Gubbio 1910", "GROUND", "Italy" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Pietro Grasso is the leader in Italy where the ground of A.S. Gubbio 1910 is located." }, { "source": "webnlg", "text": "The ground of A.S. Gubbio 1910 is located in Italy where Pietro Grasso is the leader." }, { "source": "webnlg", "text": "Pietro Grasso is the leader of Italy where the ground of A S Gubbio is located." } ] }, { "tripleset": [ [ "Luciano Spalletti", "CLUB", "Empoli F.C." ], [ "A.S. Roma", "MANAGER", "Luciano Spalletti" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Luciano Spalletti, manager of AS Roma, plays for Empoli F.C." }, { "source": "webnlg", "text": "The manager of A.S. Roma is Luciano Spalletti who plays for Empoli F.C." }, { "source": "webnlg", "text": "Luciano Spalletti plays for Empoli F.C.. and manages A.S. Roma." } ] }, { "tripleset": [ [ "1634: The Bavarian Crisis", "AUTHOR", "Eric Flint" ], [ "1634: The Bavarian Crisis", "PRECEDED_BY", "The Grantville Gazettes" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "1634: The Bavarian Crisis was written by Eric Flint and preceded by The Grantville Gazettes." }, { "source": "webnlg", "text": "Eric Flint is the author of 1634: The Bavarian Crisis which is preceded by The Grantville Gazettes." }, { "source": "webnlg", "text": "'1634: The Bavarian crisis', which was written by Eric Flint, is the sequel to The Grantville Gazettes." } ] }, { "tripleset": [ [ "1634: The Ram Rebellion", "MEDIA_TYPE", "E-book" ], [ "1634: The Ram Rebellion", "AUTHOR", "Virginia DeMarce" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "1634: The Ram Rebellion, available in ebook is authored by Virginia DeMarce." }, { "source": "webnlg", "text": "1634: The Ram Rebellion was written by Virginia DeMarce and can be found as an Ebook." }, { "source": "webnlg", "text": "Virginia DeMarce is the author of 1634: The Ram Rebellion, which can be found as an e-book." } ] }, { "tripleset": [ [ "AIP Advances", "EISSN_NUMBER", "2158" ], [ "AIP Advances", "ABBREVIATION", "\"AIP Adv.\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "AIP Advances (abbreviated to \"AIP Adv.\") had the EISSN number 2158." }, { "source": "webnlg", "text": "The EISSN number of AIP Advances (abbreviated to \"AIP Adv.\") is 2158." }, { "source": "webnlg", "text": "The EISSN number of AIP Advances is 2158 and it is abbreviated to AIP Adv." } ] }, { "tripleset": [ [ "A Fortress of Grey Ice", "AUTHOR", "J. V. Jones" ], [ "A Fortress of Grey Ice", "MEDIA_TYPE", "\"Print\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "A Fortress of Grey Ice is available in print and was written by J. V. Jones." }, { "source": "webnlg", "text": "A Fortress of Grey Ice was written by J. V. Jones and is available in print." }, { "source": "webnlg", "text": "The author of A Fortress of Grey Ice is J.V. Jones and it is available in print." } ] }, { "tripleset": [ [ "A Fortress of Grey Ice", "NUMBER_OF_PAGES", "\"672\"" ], [ "A Fortress of Grey Ice", "ISBN_NUMBER", "\"0-7653-0633-6\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "A Fortress of Grey Ice has 672 pages, and has the ISBN number 0-7653-0633-6." }, { "source": "webnlg", "text": "A Fortress of Grey Ice with ISBM 0-7653-0633-6 has 672 pages." } ] }, { "tripleset": [ [ "A Glastonbury Romance", "FOLLOWED_BY", "Weymouth Sands" ], [ "A Glastonbury Romance", "AUTHOR", "John Cowper Powys" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "John Cowper Powys wrote A Glastonbury Romance, which was followed by Weymouth Sands." }, { "source": "webnlg", "text": "A Glastonbury Romance which written by John Cowper Powys, was followed by Weymouth Sands." } ] }, { "tripleset": [ [ "A Long Long Way", "OCLC_NUMBER", "57392246" ], [ "A Long Long Way", "MEDIA_TYPE", "\"Print &amp; Paperback\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "A Long Long Way was published in Print &amp; Paperback and has the OCLC number 57392246." }, { "source": "webnlg", "text": "A Long Long Way which has the OCLC number 57392246, was published in Print &amp; Paperback." } ] }, { "tripleset": [ [ "A Long Long Way", "NUMBER_OF_PAGES", "\"292\"" ], [ "A Long Long Way", "ISBN_NUMBER", "\"0-670-03380-4\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "A Long Long Way has 292 pages and the ISBN number is 0-670-03380-4." }, { "source": "webnlg", "text": "A Long Long Way is 292 pages long, and has the ISBN number 0-670-03380-4." } ] }, { "tripleset": [ [ "A Long Long Way", "PUBLISHER", "Viking Press" ], [ "Viking Press", "PARENT_COMPANY", "Penguin Random House" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Penguin Random House is the parent company of Viking Press, which published A long long way." }, { "source": "webnlg", "text": "A Long Long Way was published by Viking Press a subsidiary of Penguin Random House." }, { "source": "webnlg", "text": "The book \"A Long Long Way was published by Viking Press, who is owned by Penguin Random House." } ] }, { "tripleset": [ [ "A Loyal Character Dancer", "AUTHOR", "Qiu Xiaolong" ], [ "A Loyal Character Dancer", "MEDIA_TYPE", "\"Print\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "A Loyal Character Dancer which is in print, was penned by Qiu Xiaolong." }, { "source": "webnlg", "text": "A Loyal Character Dancer which is in print, was written by Qiu Xiaolong." }, { "source": "webnlg", "text": "Qiu Xiaolong is the author of A Loyal Character Dancer which is currently in print." } ] }, { "tripleset": [ [ "A Severed Wasp", "OCLC_NUMBER", "8805735" ], [ "A Severed Wasp", "ISBN_NUMBER", "\"0-374-26131-8\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "A Severed Wasp which has the ISBN number 0-374-26131-8, also has an OCLC number of 8805735." }, { "source": "webnlg", "text": "A Severed Wasp has the ISBN number 0-374-26131-8 and OCLC number 8805735." }, { "source": "webnlg", "text": "A Severed Wasp has the ISBN number 0-374-26131-8, and the OCLC number 8805735." } ] }, { "tripleset": [ [ "A Severed Wasp", "OCLC_NUMBER", "8805735" ], [ "A Severed Wasp", "MEDIA_TYPE", "Hardcover" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The hardcover A Severed Wasp was assigned the OCLC number 8805735." }, { "source": "webnlg", "text": "A Severed Wasp, OCLC number 8805735, is a hardcover book." }, { "source": "webnlg", "text": "The OCLC number of the hardback book, \"A Severed Wasp\" is 8805735." } ] }, { "tripleset": [ [ "A Severed Wasp", "LANGUAGE", "English language" ], [ "English language", "SPOKEN_IN", "Great Britain" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "A Severed Wasp is in the English language which is the language spoken in Great Britain." }, { "source": "webnlg", "text": "English is spoken in Great Britain and A Severed Wasp was written in this language." } ] }, { "tripleset": [ [ "A Severed Wasp", "MEDIA_TYPE", "\"Print\"" ], [ "A Severed Wasp", "ISBN_NUMBER", "\"0-374-26131-8\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "A Severed Wasp, ISBN number 0-374-26131-8, is currently in print." }, { "source": "webnlg", "text": "The book \"A Severed Wasp\" is available in print and has an ISBN number of \"0-374-26131-8\"." }, { "source": "webnlg", "text": "The book \"A Severed Wasp\" is available in print and has the ISBN number 0-374-26131-8." } ] }, { "tripleset": [ [ "Abhandlungen aus dem Mathematischen Seminar der Universit\u00e4t Hamburg", "PUBLISHER", "Springer Science+Business Media" ], [ "Springer Science+Business Media", "FOUNDER", "Julius Springer" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Julius Springer is the founder of Springer Science and Business Media which is the publisher of Abhandlungen aus dem Mathematischen Seminar der Universitat Hamburg." }, { "source": "webnlg", "text": "Julius Springer founded Springer Science and Business Media, the publisher of Abhandlungen aus dem Mathematischen Seminar der Universitat Hamburg." }, { "source": "webnlg", "text": "Julius Springer founded Springer Science and Business Media which publishes Abhandlungen aus dem Mathematischen Seminar der Universitat Hamburg." } ] }, { "tripleset": [ [ "Alcatraz Versus the Evil Librarians", "ISBN_NUMBER", "\"0-439-92550-9\"" ], [ "Alcatraz Versus the Evil Librarians", "GENRE", "Fantasy literature" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alcatraz Versus the Evil Librarians is considered Fantasy literature and has the ISBN number 0-439-92550-9." }, { "source": "webnlg", "text": "Alcatraz Versus the Evil Librarians has the ISBN number 0-439-92550-9 and can be found under the genre of fantasy literature." }, { "source": "webnlg", "text": "Alcatraz Versus the Evil Librarians is a fantasy book, with the ISBN number of 0-439-92550-9." } ] }, { "tripleset": [ [ "Alcatraz Versus the Evil Librarians", "OCLC_NUMBER", "78771100" ], [ "Alcatraz Versus the Evil Librarians", "ISBN_NUMBER", "\"0-439-92550-9\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alcatraz Versus The Evil Librarians has the OCLC and ISBN numbers 78771100 and 0-439-92550-9, respectively." }, { "source": "webnlg", "text": "The ISBN number of \"Alcatraz Versus the Evil Librarians\" is 0-439-92550-9; the OCLC number is 78771100." }, { "source": "webnlg", "text": "The book Alcatraz Versus the Evil Librarians has the OCLC number of 7877110 and the ISBN number 0-439-92550-9." } ] }, { "tripleset": [ [ "Alcatraz Versus the Evil Librarians", "FOLLOWED_BY", "Alcatraz Versus the Scrivener's Bones" ], [ "Alcatraz Versus the Scrivener's Bones", "AUTHOR", "Brandon Sanderson" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alcatraz versus the Evil Librarians is followed by Alcatraz Versus the Scrivener's Bones authored by Brandon Sanderson." }, { "source": "webnlg", "text": "Alcatraz Versus the Scrivener's Bones, written by Brandon Sanderson was the follow up book to Alcatraz Versus the Evil Librarians." }, { "source": "webnlg", "text": "\"Alcatraz Versus the Scrivener's Bones,\" written by Brandon Sanderson, followed \"Alcatraz Versus the Evil Librarians.\"." } ] }, { "tripleset": [ [ "American Journal of Mathematics", "ACADEMIC_DISCIPLINE", "Mathematics" ], [ "American Journal of Mathematics", "ABBREVIATION", "\"Am. J. Math.\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The American Journal of Mathematics (abbreviated to Am. J. Math.) has the academic discipline of Mathematics." }, { "source": "webnlg", "text": "Am. J. Math. is the abbreviation of the American Journal of Mathematics which comes under the discipline of Math." }, { "source": "webnlg", "text": "The American Journal of Mathematics, dedicated to mathematical study, is sometimes shortened to Am.J.Math." } ] }, { "tripleset": [ [ "American Journal of Mathematics", "PUBLISHER", "Johns Hopkins University Press" ], [ "Johns Hopkins University Press", "PARENT_COMPANY", "Johns Hopkins University" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Johns Hopkins University is the parent company of Johns Hopkins University Press, the publisher of the American Journal of Mathematics." }, { "source": "webnlg", "text": "Johns Hopkins University Press is the publisher of the American Journal of Mathematics with Johns Hopkins University being the parent company." } ] }, { "tripleset": [ [ "United States", "CAPITAL", "Washington, D.C." ], [ "1634: The Ram Rebellion", "COUNTRY", "United States" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "1634 The Ram Rebellion comes from the United States where the capital is Washington DC." }, { "source": "webnlg", "text": "Washington D. C. is the capital of the United States, the country where '1634 The Ram Rebellion' comes from." }, { "source": "webnlg", "text": "'1634 The Ram Rebellion' was written in the United States where the capital is Washington D. C." } ] }, { "tripleset": [ [ "United States", "CAPITAL", "Washington, D.C." ], [ "A Fortress of Grey Ice", "COUNTRY", "United States" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "A Fortress of Grey Ice is from the United States where the capital is in Washington, D.C." } ] }, { "tripleset": [ [ "United States", "ETHNIC_GROUP", "African Americans" ], [ "A Fortress of Grey Ice", "COUNTRY", "United States" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "A Fortress of Grey Ice is from the United States where one of the ethnic groups is African American." }, { "source": "webnlg", "text": "A Fortress of Grey Ice is from the United States, which has among its ethnic groups African Americans." } ] }, { "tripleset": [ [ "United States", "ETHNIC_GROUP", "African Americans" ], [ "A Wizard of Mars", "COUNTRY", "United States" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "A Wizard of Mars originates from the United States where the African Americans are an ethnic group." }, { "source": "webnlg", "text": "' A Wizard of Mars' was Published in the United States, a country where one of the ethnic groups is African Americans." }, { "source": "webnlg", "text": "A Wizard of Mars originates from the United States, which counts African Americans among its ethnic groups." } ] }, { "tripleset": [ [ "United States", "ETHNIC_GROUP", "Asian Americans" ], [ "A Wizard of Mars", "COUNTRY", "United States" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "A Wizard of Mars originates from the United States where the Asian Americans are an ethnic group." }, { "source": "webnlg", "text": "A Wizard of Mars originates from the United States, where many Asian Americans live." } ] }, { "tripleset": [ [ "1 Decembrie 1918 University", "NICKNAME", "Uab" ], [ "1 Decembrie 1918 University", "STATE", "Alba" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Uab is the nickname of the 1 1918 Decembrie University in the state of Alba." }, { "source": "webnlg", "text": "1 Decembrie 1918 University's nickname is Uab and is located in Alba." } ] }, { "tripleset": [ [ "Acharya Institute of Technology", "AFFILIATION", "Visvesvaraya Technological University" ], [ "Visvesvaraya Technological University", "CITY", "Belgaum" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Acharya Institute of Technology is affiliated with the Visvesvaraya Technological University in the city of Belgaum." }, { "source": "webnlg", "text": "Acharya Institute of Technology in Belgaum is affiliated with Visvesvaraya Technological University." }, { "source": "webnlg", "text": "Acharya Institute of Technology is affiliated with the Visvesvaraya Technological University in Belgaum." } ] }, { "tripleset": [ [ "Acharya Institute of Technology", "PRESIDENT", "\"B.M. Reddy\"" ], [ "Acharya Institute of Technology", "CITY", "Bangalore" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "B M Reddy is president of the Acharya Institute of Technology in Bangalore." }, { "source": "webnlg", "text": "The president of Acharya Institute of Technology in Bangalore is B.M. Reddy." } ] }, { "tripleset": [ [ "Acharya Institute of Technology", "WAS_GIVEN_THE_'TECHNICAL_CAMPUS'_STATUS_BY", "All India Council for Technical Education" ], [ "All India Council for Technical Education", "LOCATION", "Mumbai" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The All India Council for Technical Education which is located in Mumbai, gave the status of \"Technical Campus\" to the Acharya Institute of Technology." }, { "source": "webnlg", "text": "It was the All India Council for Technical Education in Mumbai that gave Acharya Institute of Technology its Technical Campus status." }, { "source": "webnlg", "text": "Acharya Institute of Technology was given the 'Technical Campus' status by the All India Council for Technical Education who are based in Mumbai." } ] }, { "tripleset": [ [ "Kerala", "LEADER_NAME", "Kochi" ], [ "AWH Engineering College", "STATE", "Kerala" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "AWH Engineering College is located in Kerala whose leader is Kochi." }, { "source": "webnlg", "text": "AWH Engineering College is in the state of Kerala, whose leader is Kochi." } ] }, { "tripleset": [ [ "April O'Neil", "CREATOR", "Peter Laird" ], [ "Peter Laird", "NATIONALITY", "United States" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "April O'Neil was created by Peter Laird, from the US." }, { "source": "webnlg", "text": "The character, April O'Neil, was created by Peter Laird, a United States national." }, { "source": "webnlg", "text": "April O'Neil was created by the American Peter Laird." } ] }, { "tripleset": [ [ "Bananaman", "BROADCASTED_BY", "BBC" ], [ "Bananaman", "STARRING", "Jill Shilling" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Bananaman, starring Jill Shilling, is broadcasted by the BBC." }, { "source": "webnlg", "text": "Bananaman was broadcast by the BBC and starred Jill Shilling." } ] }, { "tripleset": [ [ "Bananaman", "STARRING", "Graeme Garden" ], [ "Bananaman", "BROADCASTED_BY", "\"STV\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Graeme Garden stars in Bananaman, which is broadcast by STV." }, { "source": "webnlg", "text": "Bananaman stars Graeme Garden, and is broadcasted by STV." }, { "source": "webnlg", "text": "Graeme Garden stars in Bananaman which is broadcasted by STV." } ] }, { "tripleset": [ [ "Bananaman", "STARRING", "Tim Brooke-Taylor" ], [ "Tim Brooke-Taylor", "BIRTH_PLACE", "Derbyshire" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Tim Brooke-Taylor, star of Bananaman was born in Derbyshire." }, { "source": "webnlg", "text": "Tim Brooke Taylor, was born in Derbyshire, and starred in Bananaman." } ] }, { "tripleset": [ [ "Baymax", "FIRST_APPEARANCE_IN_FILM", "Big Hero 6 (film)" ], [ "Big Hero 6 (film)", "STARRING", "Alan Tudyk" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Big Hero 6, starring Alan Tudyk, was Baymax's first film appearance." }, { "source": "webnlg", "text": "Baymax first appeared in the film Big Hero 6, starring Alan Tudyk." } ] }, { "tripleset": [ [ "Baymax", "FIRST_APPEARANCE_IN_FILM", "Big Hero 6 (film)" ], [ "Big Hero 6 (film)", "STARRING", "Scott Adsit" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The first appearance in a film for the character Baymax was Big Hero 6, the film that Scott Adsit starred in." }, { "source": "webnlg", "text": "The first appearance in a film for the character Baymax was Big Hero 6 which starred Scott Adsit." }, { "source": "webnlg", "text": "Baymax first appeared in Big Hero 6, starring Scott Adsit." } ] }, { "tripleset": [ [ "Baymax", "SERIES", "Big Hero 6 (film)" ], [ "Baymax", "CREATOR", "Steven T. Seagle" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Baymax, created by Steve T. Seagle, is a character in Big Hero 6." }, { "source": "webnlg", "text": "Baymax was created by Steven t Seagle and is a character in Big Hero 6." }, { "source": "webnlg", "text": "Baymax, a character in Big Hero 6, was created by Steven. T Seagle." } ] }, { "tripleset": [ [ "Ben Urich", "CREATOR", "Roger McKenzie (comic book writer)" ], [ "Ben Urich", "FULL_NAME", "\"Benjamin Urich\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The comic book character Ben Urich ( full name, Benjamin Urich ) was created by Roger McKenzie." }, { "source": "webnlg", "text": "Roger McKenzie is the comic book writer who created Ben Urich (full name Benjamin Urich)." }, { "source": "webnlg", "text": "Roger McKenzie, the comic book writer, is the creator of Ben Urich ( Benjamin Urich )." } ] }, { "tripleset": [ [ "Bibbo Bibbowski", "CREATOR", "Jerry Ordway" ], [ "Bibbo Bibbowski", "CREATOR", "Marv Wolfman" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Bibbo Bibbowski was created by Jerry Ordway and Marv Wolfman." }, { "source": "webnlg", "text": "Jerry Ordway and Marv Wolfman are the creators of Bibbo Bibbowski." }, { "source": "webnlg", "text": "Bibbo Bibbowski is the creation of Marv Wolfman and Jerry Ordway." } ] }, { "tripleset": [ [ "Bibbo Bibbowski", "CREATOR", "Marv Wolfman" ], [ "Bibbo Bibbowski", "FULL_NAME", "\"Bo Bibbowski\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Bibbo Bibbowski, often called Bo Bibbowski, was created by Marv Wolfman." }, { "source": "webnlg", "text": "Marv Wolfman was creator of Bibbo Bibbowski, often called Bo Bibbowski." } ] }, { "tripleset": [ [ "Alan Bean", "DATE_OF_BIRTH", "\"1932-03-15\"" ], [ "Alan Bean", "STATUS", "\"Retired\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alan Bean, who is now retired, was born on March 15th, 1932." }, { "source": "webnlg", "text": "Born on March 15, 1932, Alan Bean has now retired." }, { "source": "webnlg", "text": "Alan Bean, who has since retired, was born on May 15th, 1932." }, { "source": "webnlg", "text": "Alan Bean was born on the 15th of March of 1932. He is currently retired." } ] }, { "tripleset": [ [ "Alan Shepard", "STATUS", "\"Deceased\"" ], [ "Alan Shepard", "OCCUPATION", "Test pilot" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Former test pilot Alan Shepard has died." }, { "source": "webnlg", "text": "Test pilot Alan Shepard has died." }, { "source": "webnlg", "text": "Alan Shepard was a test pilot who has since passed away." } ] }, { "tripleset": [ [ "Buzz Aldrin", "BIRTH_PLACE", "Glen Ridge, New Jersey" ], [ "Buzz Aldrin", "DATE_OF_BIRTH", "\"1930-01-20\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Buzz Aldrin was born on the 20th January, 1030 in Glen Ridge , New Jersey." }, { "source": "webnlg", "text": "Buzz Aldrin was born in Glen Ridge, New Jersey on January 20, 1930." }, { "source": "webnlg", "text": "Buzz Aldrin was born on the 20th of January 1930, in Glen Ridge New Jersey." }, { "source": "webnlg", "text": "Buzz Aldrin was born on January 20th, 1930 in the community of Glen Ridge, New Jersey." }, { "source": "webnlg", "text": "Buzz Aldrin was born on 1930-01-20 in Glen Ridge New Jersey." }, { "source": "webnlg", "text": "Buzz Aldrin was born on 1930-01-20 in Glen Ridge, New Jersey." }, { "source": "webnlg", "text": "Buzz Aldrin was born on 1930-01-20, in Glen Ridge, New Jersey." } ] }, { "tripleset": [ [ "Buzz Aldrin", "BIRTH_PLACE", "Glen Ridge, New Jersey" ], [ "Glen Ridge, New Jersey", "IS_PART_OF", "Essex County, New Jersey" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Buzz Aldrin was born in Glen Ridge, located in the Essex County in New Jersey." }, { "source": "webnlg", "text": "Buzz Aldrin was born in Essex County, at Glen Ridge New Jersey." } ] }, { "tripleset": [ [ "William Anders", "BIRTH_PLACE", "British Hong Kong" ], [ "William Anders", "WAS_A_CREW_MEMBER_OF", "Apollo 8" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Apollo 8 crew included the British Hong Kong-born William Anders." }, { "source": "webnlg", "text": "William Anders was a member of the Apollo 8 crew and was born in British Hong Kong." }, { "source": "webnlg", "text": "William Anders was a crew member on Apollo 8 and was born in British Hong Kong." }, { "source": "webnlg", "text": "William Anders (born in British Hong Kong) was a crew member of Apollo 8." } ] }, { "tripleset": [ [ "William Anders", "STATUS", "\"Retired\"" ], [ "William Anders", "ALMA_MATER", "\"AFIT, M.S. 1962\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "William Anders graduated, with an M.S., from AFIT in 1962, and is now retired." }, { "source": "webnlg", "text": "William Anders, who received a M.S from his alma Mater, AFIT, in 1962, is retired." }, { "source": "webnlg", "text": "William Anders has since retired, but In 1962 he received a M.S. from his alma Mater, AFIT." } ] }, { "tripleset": [ [ "108 St Georges Terrace", "FLOOR_COUNT", "50" ], [ "108 St Georges Terrace", "COMPLETION_DATE", "1988" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "108 St Georges Terrace was completed in 1988 and has a floor count of 50." }, { "source": "webnlg", "text": "108 St Georges Terrace, completed in 1988, has 50 floors." }, { "source": "webnlg", "text": "108 St Georges Terrace has a floor count of 50 and was completed in 1988." } ] }, { "tripleset": [ [ "200 Public Square", "FLOOR_COUNT", "45" ], [ "200 Public Square", "LOCATION", "\"United States\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "200 Public Square, located in the United States, has 45 floors." }, { "source": "webnlg", "text": "200 Public Square in the United States has a floor count of 45." }, { "source": "webnlg", "text": "There are 45 floors of 200 Public Square in the United States." } ] }, { "tripleset": [ [ "20 Fenchurch Street", "FLOOR_COUNT", "34" ], [ "20 Fenchurch Street", "FLOOR_AREA", "62145.3 (square metres)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "20 Fenchurch Street has an area of 62145.3 square metres and 34 floors." }, { "source": "webnlg", "text": "20 Fenchurch Street has 34 floors and has a floor area of 62145.3 square metres." }, { "source": "webnlg", "text": "20 Fenchurch Street has 34 floors and 62145.3 square metres." } ] }, { "tripleset": [ [ "300 North LaSalle", "LOCATION", "Chicago" ], [ "300 North LaSalle", "FLOOR_COUNT", "60" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "There are 60 floors at 300 North LaSalle, which is located in Chicago." }, { "source": "webnlg", "text": "300 North LaSalle is located in Chicago and has 60 floors." }, { "source": "webnlg", "text": "300 North LaSalle, Chicago, has 60 floors." } ] }, { "tripleset": [ [ "320 South Boston Building", "ARCHITECT", "George Winkler" ], [ "George Winkler", "COUNTRY", "United States" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "George Winkler is the architect of the 320 South Boston Building and is from the United States of America." }, { "source": "webnlg", "text": "George Winkler, from the United States of America, was the architect of 320 South Boston Building." }, { "source": "webnlg", "text": "George Winkler, from the United States, was the architect of 320 South Boston Building." } ] }, { "tripleset": [ [ "3Arena", "LOCATION", "\"East Link Bridge\"" ], [ "3Arena", "ARCHITECT", "\"HOK SVE\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "HOK SVE was the architect of 3Arena, located on the East Link Bridge." }, { "source": "webnlg", "text": "The 3Arena, created by architect HOK SVE, is located at East Link Bridge." }, { "source": "webnlg", "text": "HOK SVE was the architect of the 3Arena, wich is located at East Link Bridge." } ] }, { "tripleset": [ [ "3Arena", "LOCATION", "Dublin" ], [ "3Arena", "ARCHITECT", "Populous (company)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The 3Arena, which was designed by the architect company Populous, is located in Dublin." }, { "source": "webnlg", "text": "The 3Arena, designed by Populous, is located in Dublin." }, { "source": "webnlg", "text": "3Arena is located in Dublin, which was built by the company Populous." } ] }, { "tripleset": [ [ "AC Hotel Bella Sky Copenhagen", "TENANT", "Marriott International" ], [ "AC Hotel Bella Sky Copenhagen", "LOCATION", "Copenhagen" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Marriott International is the tenant of AC Hotel Bella Sky and is located in Copenhagen." }, { "source": "webnlg", "text": "The tenant of the AC Hotel Bella Sky, located in Copenhagen, is Marriott International." }, { "source": "webnlg", "text": "Marriott International is the tenant of AC Hotel Bella Sky which is located in Copenhagen." } ] }, { "tripleset": [ [ "Adare Manor", "ARCHITECT", "George Richard Pain" ], [ "Adare Manor", "COMPLETION_DATE", "1862" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Adare Manor's architect was George Richard Pain and it was completed in 1862." }, { "source": "webnlg", "text": "The architect George Richard Pain completed Adare Manor in 1862." } ] }, { "tripleset": [ [ "Adare Manor", "LOCATION", "Adare" ], [ "Adare Manor", "LOCATION", "County Limerick" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Adare Manor is found in Adare, County Limerick." }, { "source": "webnlg", "text": "Adare Manor is located in Adare, in County Limerick." }, { "source": "webnlg", "text": "Adare Manor, Adare is in County Limerick." } ] }, { "tripleset": [ [ "Addis Ababa City Hall", "COUNTRY", "Ethiopia" ], [ "Addis Ababa City Hall", "LOCATION", "Addis Ababa" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Addis Ababa City Hall is located in Addis Ababa, Ethiopia." }, { "source": "webnlg", "text": "Addis Ababa City Hall is located in Addis Ababa, Ethiopia." } ] }, { "tripleset": [ [ "Adisham Hall", "LOCATION", "\"Haputale, Sri Lanka\"" ], [ "Adisham Hall", "ARCHITECTURAL_STYLE", "Tudor Revival architecture" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Adisham Hall in Haputale, Sri Lanka is built in the Tudor Revival style." }, { "source": "webnlg", "text": "Adisham Hall is located in Haputale, Sri Lanka and is Tudor Revival in style." }, { "source": "webnlg", "text": "Adisham Hall which is located in Haputale, Sri Lanka has the architectural style Tudor Revival." } ] }, { "tripleset": [ [ "Adisham Hall", "LOCATION", "Sri Lanka" ], [ "Adisham Hall", "ARCHITECTURAL_STYLE", "Tudor Revival architecture" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Adisham Hall is located in Sri Lanka and has the architectural style Tudor Revival." }, { "source": "webnlg", "text": "Adisham Hall is located in Sri Lanka and it's architectural style is Tudor Revival." }, { "source": "webnlg", "text": "Adisham Hall is located in Sri Lanka and it's architectural style is Tudor Revival." } ] }, { "tripleset": [ [ "Akita Museum of Art", "COUNTRY", "Japan" ], [ "Japan", "ETHNIC_GROUP", "Brazilians in Japan" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Akita Museum of Art is located in Japan, which has as one of its ethnic groups the Brazilians." }, { "source": "webnlg", "text": "Akita Museum of Art is located in Japan where some Brazilians are found." }, { "source": "webnlg", "text": "Brazilians are one of the ethnic groups in Japan where the Akita Museum of Art is located." } ] }, { "tripleset": [ [ "Akita Museum of Art", "FLOOR_COUNT", "3" ], [ "Akita Museum of Art", "ADDRESS", "\"1-4-2 Nakadori\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Akita Museum of Art is located at 1-4-2 Nakadori and has 3 floors." }, { "source": "webnlg", "text": "The Akita Museum of Art, found at 1-4-2 Nakadori, has 3 floors." } ] }, { "tripleset": [ [ "Amdavad ni Gufa", "LOCATION", "Gujarat" ], [ "Amdavad ni Gufa", "ADDRESS", "\"Lalbhai Dalpatbhai Campus, near CEPT University, opp. Gujarat University, University Road\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The address of Amdavad ni Gufa is Lalbhai Dalpatbhai Campus, near CEPT University, opp. Gujarat University, University Road, Gujarat." }, { "source": "webnlg", "text": "Amdavad ni Gufa is at Lalbhai Dalpatbhai Campus, near CEPT University, opp. Gujarat University, University Road in Gujarat." } ] }, { "tripleset": [ [ "Ampara Hospital", "STATE", "Eastern Province, Sri Lanka" ], [ "Eastern Province, Sri Lanka", "LEADER_NAME", "Austin Fernando" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Ampara Hospital is in the Eastern Province, of Sri Lanka whose leader is Austin Fernando." }, { "source": "webnlg", "text": "Ampara Hospital is located in Eastern Province, Sri Lanka whose leader is Austin Fernando." } ] }, { "tripleset": [ [ "Asser Levy Public Baths", "LOCATION", "New York City" ], [ "New York City", "COUNTRY", "United States" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Asser Levy Public Baths are located in New York City, United States." }, { "source": "webnlg", "text": "The Asser Levy Public Baths are located in New York City which is in the United States." } ] }, { "tripleset": [ [ "Asser Levy Public Baths", "LOCATION", "New York City" ], [ "New York City", "IS_PART_OF", "Brooklyn" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Asser Levy Public Baths are located in New York City, of which Brooklyn is a part." }, { "source": "webnlg", "text": "Asser Levy Public Baths are located in New York City which contains Brooklyn." }, { "source": "webnlg", "text": "The Asser Levy Public Baths are located in New York City, which Brooklyn is a part of." } ] }, { "tripleset": [ [ "County Limerick", "IS_PART_OF", "Munster" ], [ "Adare Manor", "LOCATION", "County Limerick" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Adare Manor can be found in County Limerick, which is part of Munster." }, { "source": "webnlg", "text": "Adare Manor is located in County Limerick which is part of Munster." }, { "source": "webnlg", "text": "Adare Manor is located in County Limerick, which is part of Munster." } ] }, { "tripleset": [ [ "Dublin", "IS_PART_OF", "Republic of Ireland" ], [ "3Arena", "LOCATION", "Dublin" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The 3Arena is in Dublin which is part of the Republic of Ireland." }, { "source": "webnlg", "text": "The 3Arena is located in Dublin in the Republic of Ireland." }, { "source": "webnlg", "text": "The 3Arena is located in Dublin, which is part of the Republic of Ireland." } ] }, { "tripleset": [ [ "Alan Bean", "NATIONALITY", "United States" ], [ "Alan Bean", "BIRTH_PLACE", "Wheeler, Texas" ], [ "Alan Bean", "STATUS", "\"Retired\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "American retiree Alan Bean was born in Wheeler, Texas." }, { "source": "webnlg", "text": "Retired US National Alan Bean was born in Wheeler, Texas." }, { "source": "webnlg", "text": "Alan Bean was born in the United States in Wheeler, Texas and has retired." } ] }, { "tripleset": [ [ "Buzz Aldrin", "BIRTH_PLACE", "Glen Ridge, New Jersey" ], [ "Buzz Aldrin", "NATIONALITY", "United States" ], [ "United States", "LEADER_NAME", "Joe Biden" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Buzz Aldrin was born in Glen Ridge, New Jersey, USA (the leader of which was Joe Biden)." } ] }, { "tripleset": [ [ "Buzz Aldrin", "NATIONALITY", "United States" ], [ "Buzz Aldrin", "WAS_SELECTED_BY_NASA", "1963" ], [ "Buzz Aldrin", "ALMA_MATER", "\"Massachusetts Institute of Technology, Sc.D. 1963\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The United States National Buzz Aldrin, who graduated from Massachusetts Institute of Technology, Sc. D. in 1963, was hired by NASA shortly after his graduation." }, { "source": "webnlg", "text": "Buzz Aldrin, a US national, was selected by NASA in 1963 having graduated from MIT in 1963 with a doctorate in Science." }, { "source": "webnlg", "text": "American Buzz Aldrin graduated from Massachusetts Institute of Technology in 1963 with a doctorate in Science and was hired by NASA that year." }, { "source": "webnlg", "text": "Buzz Aldrin (from the United States) went to Massachusetts Institute of Technology, Sc.D. 1963 and was selected by NASA in 1963." } ] }, { "tripleset": [ [ "Elliot See", "ALMA_MATER", "University of Texas at Austin" ], [ "Elliot See", "BIRTH_PLACE", "Dallas" ], [ "Elliot See", "NATIONALITY", "United States" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Elliot See, a US national, was born in Dallas and graduated from the University of Texas at Austin." }, { "source": "webnlg", "text": "Elliot See, a US national born in Dallas, was a student at University of Texas at Austin." }, { "source": "webnlg", "text": "Elliot See, a United States national born in Dallas, attended the University of Texas at Austin." }, { "source": "webnlg", "text": "Elliot See (born in Dallas, United States) attended the University of Texas at Austin." } ] }, { "tripleset": [ [ "Elliot See", "ALMA_MATER", "University of Texas at Austin" ], [ "Elliot See", "DEATH_PLACE", "St. Louis" ], [ "Elliot See", "WAS_SELECTED_BY_NASA", "1962" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Elliot See, who graduated from the University of Texas at Austin and was chosen by NASA in 1962, died in St. Louis." }, { "source": "webnlg", "text": "Elliot See who was selected by NASA in 1962, attended the University of Texas at Austin and died in St Louis." }, { "source": "webnlg", "text": "Elliot See, who graduated from the University of Texas in Austin and was chosen by NASA in 1962, has died in St Louis." } ] }, { "tripleset": [ [ "Elliot See", "ALMA_MATER", "University of Texas at Austin" ], [ "St. Louis", "LEADER_NAME", "Francis G. Slay" ], [ "Elliot See", "DEATH_PLACE", "St. Louis" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Elliot See, a past graduate of the University of Texas, Austin, died in St Louis where the leader is Francis G Slay." }, { "source": "webnlg", "text": "Elliot See, who attended the University of Texas at Austin, died in St. Louis, whose Mayor is Francis G. Slay." }, { "source": "webnlg", "text": "Elliot See was a student at University of Texas at Austin and died in St. Louis led by Francis G. Slay." } ] }, { "tripleset": [ [ "Elliot See", "DEATH_PLACE", "St. Louis" ], [ "St. Louis", "IS_PART_OF", "Kingdom of France" ], [ "Elliot See", "DATE_OF_DEATH", "\"1966-02-28\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Elliot see died on the 28th of February 1966 in St. Louis, which is part of the Kingdom of France." }, { "source": "webnlg", "text": "Elliot See died on 28 February, 1966 in St. Louis a part of the kingdom of France." } ] }, { "tripleset": [ [ "New Hampshire", "BIRD", "Purple finch" ], [ "Alan Shepard", "TIME_IN_SPACE", "\"13017.0\"(minutes)" ], [ "Alan Shepard", "BIRTH_PLACE", "New Hampshire" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alan Shepard was born in New Hampshire, the home of the Purple Finch, and spent 130170 minutes in space." } ] }, { "tripleset": [ [ "1634: The Bavarian Crisis", "NUMBER_OF_PAGES", "\"448\"" ], [ "1634: The Bavarian Crisis", "AUTHOR", "\"Virginia DeMarce and Eric Flint\"" ], [ "1634: The Bavarian Crisis", "MEDIA_TYPE", "\"Print\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Available in print form, '1634: The Bavarian Crisis' by Virginia DeMarce and Eric Flint has 448 pages." }, { "source": "webnlg", "text": "1634: The Bavarian Crisis is written by Virginia DeMarce and Eric Flint and has 448 pages in print." }, { "source": "webnlg", "text": "1634: The Bavarian Crisis was written by Virginia DeMarce and Eric Flint, has 448 pages and is available in print form." } ] }, { "tripleset": [ [ "1634: The Ram Rebellion", "LANGUAGE", "English language" ], [ "English language", "SPOKEN_IN", "Great Britain" ], [ "1634: The Ram Rebellion", "PRECEDED_BY", "1634: The Galileo Affair" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "1634:The Ram Rebellion is the sequel to 1634: The Galileo Affair written in English which is spoken in Great Britain." }, { "source": "webnlg", "text": "English is spoken in Great Britain and is the language used in 1634: The Ram Rebellion. The book was preceded by 1634 The Galileo Affair." }, { "source": "webnlg", "text": "1634 The Galileo Affair preceded 1634 The Ram Rebellion which is written in English as spoken in Great Britain." } ] }, { "tripleset": [ [ "ACM Transactions on Information Systems", "PUBLISHER", "Association for Computing Machinery" ], [ "Association for Computing Machinery", "LEADER_NAME", "Alexander L. Wolf" ], [ "Association for Computing Machinery", "HEADQUARTER", "New York City" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alexander L. Wolf is a leader of the Association for Computing Machinery, headquarters in New York City, are the publishers of ACM Transactions on information Systems." }, { "source": "webnlg", "text": "The Association for Computing Machinery is led by Alexander L. Wolf and is headquartered in New York City. They publish ACM Transactions on Information Systems." }, { "source": "webnlg", "text": "The Association for Computing Machinery, led by Alexander L. Wolf, is headquartered in New York City. They published ACM Transactions on Information Systems." } ] }, { "tripleset": [ [ "AIDS (journal)", "ACADEMIC_DISCIPLINE", "HIV" ], [ "AIDS (journal)", "ACADEMIC_DISCIPLINE", "HIV/AIDS" ], [ "AIDS (journal)", "ISSN_NUMBER", "\"0269-9370\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Aids Journal comes under the academic discipline HIV/AIDS and has the ISSN number 0269-9370." } ] }, { "tripleset": [ [ "AIDS (journal)", "ACADEMIC_DISCIPLINE", "HIV" ], [ "AIDS (journal)", "ACADEMIC_DISCIPLINE", "HIV/AIDS" ], [ "AIDS (journal)", "ISSN_NUMBER", "\"1473-5571\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The academic discipline of AIDS journal is HIV (ISSN number: 1473-5571.) studies HIV/AIDS." }, { "source": "webnlg", "text": "AIDS Journal (ISSN number 1473-5571) comes under the academic discipline HIV and studies HIV/AIDS." }, { "source": "webnlg", "text": "The AIDS journal is the academic discipline of HIV /AIDS and has the ISSN number 1473-5571." } ] }, { "tripleset": [ [ "AIP Advances", "EDITOR", "A.T. Charlie Johnson" ], [ "A.T. Charlie Johnson", "RESIDENCE", "United States" ], [ "A.T. Charlie Johnson", "ALMA_MATER", "Stanford University" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "A T Charlie Johnson, editor of AIP Advances, studied at Stanford University and is a resident of the United States." }, { "source": "webnlg", "text": "The United States is the residence of A T Charlie Johnson who edited AIP Advances and has Stanford University for an Alma mater." }, { "source": "webnlg", "text": "The editor of 'AIP Advances', A.T. Charlie Johnson, lives in the United States where his almaMater is Stanford University." } ] }, { "tripleset": [ [ "A Fortress of Grey Ice", "OCLC_NUMBER", "51969173" ], [ "A Fortress of Grey Ice", "AUTHOR", "J. V. Jones" ], [ "A Fortress of Grey Ice", "ISBN_NUMBER", "\"0-7653-0633-6\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "J. V. Jones is the author of A Fortress of Grey Ice OCLC 51969173 ISBN 0-7653-0633-6." }, { "source": "webnlg", "text": "The author of A Fortress of Grey Ice is J.V. Jones. The ISBN is 0-7653-0633-6 and the OCLC number is 51969173." }, { "source": "webnlg", "text": "A Fortress of Grey Ice is written by J.V. Jones. It has a OCLC number of 51969173 and a ISBN number of 0-7653-0633-6." } ] }, { "tripleset": [ [ "A Loyal Character Dancer", "AUTHOR", "Qiu Xiaolong" ], [ "A Loyal Character Dancer", "OCLC_NUMBER", "49805501" ], [ "A Loyal Character Dancer", "ISBN_NUMBER", "\"1-56947-301-3\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "A Loyal Character Dancer was written by Qiu Xiaolong and has the OCLC number 49805501 and the ISBN number 1-56947-301-3." }, { "source": "webnlg", "text": "A Loyal Character Dancer, authored by Qiu Xiaolong, has a OCLC number of 49805501 and a ISBN number of 1-56947-301-3." }, { "source": "webnlg", "text": "Written by Qiu Xiaolong, A Loyal Character Dancer has the ISBN number 1-56947-301-3 and the OCLC number 49805501." } ] }, { "tripleset": [ [ "A Loyal Character Dancer", "LANGUAGE", "English language" ], [ "A Loyal Character Dancer", "PUBLISHER", "Soho Press" ], [ "Soho Press", "COUNTRY", "United States" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "A Loyal Character Dancer is written in English and published by Soho Press in the United States." }, { "source": "webnlg", "text": "A Loyal Character Dancer is published by Soho Press and written in English. Soho Press is situated in the US." }, { "source": "webnlg", "text": "A Loyal Character Dancer is written in English and published by Soho Press from the United States." } ] }, { "tripleset": [ [ "A Severed Wasp", "LANGUAGE", "English language" ], [ "English language", "SPOKEN_IN", "Great Britain" ], [ "A Severed Wasp", "COUNTRY", "United States" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "A Severed Wasp (from the United States) is written in English, which is the language spoken in Great Britain." } ] }, { "tripleset": [ [ "A Severed Wasp", "NUMBER_OF_PAGES", "\"388\"" ], [ "A Severed Wasp", "OCLC_NUMBER", "8805735" ], [ "A Severed Wasp", "MEDIA_TYPE", "Hardcover" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The hardback book, A Severed Wasp, has 388 pages and the OCLC number 8805735." }, { "source": "webnlg", "text": "A Severed Wasp is a hardcover book that has 388 pages and has the OCLC number 8805735." }, { "source": "webnlg", "text": "A Severed Wasp, with 388 pages, was published in hardcover. Its OCLC number is 8805735." } ] }, { "tripleset": [ [ "Abhandlungen aus dem Mathematischen Seminar der Universit\u00e4t Hamburg", "ISSN_NUMBER", "\"1865-8784\"" ], [ "Abhandlungen aus dem Mathematischen Seminar der Universit\u00e4t Hamburg", "LCCN_NUMBER", "32024459" ], [ "Abhandlungen aus dem Mathematischen Seminar der Universit\u00e4t Hamburg", "ABBREVIATION", "\"Abh. Math. Semin. Univ. Hambg.\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Abhandlungen aus dem Mathematischen Seminar der Universit\u00e4t Hamburg (abreviated Abh.Math.Semin.Univ.Hambg) has an ISSN of 1865-8784 and a LCCN number 32024459." }, { "source": "webnlg", "text": "The Abhandlungen aus dem Mathematischen Seminar der Universitat Hamburg, abbreviated as Abh.Math,Semin.Univ.Hambg, has an LCCN number of 32024459 and ISSN number 1865-8784." }, { "source": "webnlg", "text": "Abh.Math.Semin.Univ.Hambg is the abbreviation for Abhandlungen aus dem Mathematischen Seminar der Universit\u00e4t Hamburg. which has the ISSN number1865-8784 as well as the LCCN number 32024459." } ] }, { "tripleset": [ [ "Above the Veil", "COUNTRY", "Australians" ], [ "Aenir", "LANGUAGE", "English language" ], [ "Aenir", "FOLLOWED_BY", "Above the Veil" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The novel Aenir, which was written in English, was followed by Above the Veil which is from Australia." }, { "source": "webnlg", "text": "Above the Veil (which came after the book Aenir) is written in English and comes from Australia." }, { "source": "webnlg", "text": "Aenir is written in English and followed up by Above the Veil which is from Australia." } ] }, { "tripleset": [ [ "Above the Veil", "LANGUAGE", "English language" ], [ "Aenir", "AUTHOR", "Garth Nix" ], [ "Aenir", "FOLLOWED_BY", "Above the Veil" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Above the Veil is written in English by Garth Nix and was preceded by Aenir." }, { "source": "webnlg", "text": "Aenir and it's successor Above the Veil is written in English by Garth Nix." }, { "source": "webnlg", "text": "Garth Nix wrote the novel Aenir which was followed by Above the Veil that was written in English." } ] }, { "tripleset": [ [ "Above the Veil", "NUMBER_OF_PAGES", "\"248\"" ], [ "Above the Veil", "AUTHOR", "Garth Nix" ], [ "Above the Veil", "MEDIA_TYPE", "Hardcover" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Above the Veil is available in hardcover, has 248 pages and was written by Garth Nix." }, { "source": "webnlg", "text": "Above the Veil has 248 pages and was written by Garth Nix. It is available in hardcover." }, { "source": "webnlg", "text": "Above the Veil, written by Garth Nix, is 248 pages long and available in hardcover." } ] }, { "tripleset": [ [ "Acta Palaeontologica Polonica", "ISSN_NUMBER", "\"0567-7920\"" ], [ "Acta Palaeontologica Polonica", "LCCN_NUMBER", "60040714" ], [ "Acta Palaeontologica Polonica", "ABBREVIATION", "\"Acta Palaeontol. Pol.\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Acta Palaeontologica Polonica, whose abbreviated name is Acta Palaeontol. Pol., has the LCCN number of 60040714 and the ISSN number of 0567-7920." }, { "source": "webnlg", "text": "Acta Palaeontologica Polonica has the ISSN number 0567-7920 and the LCCN number of 60040714. It is abbreviated to Acta Palaeontol. Pol.." }, { "source": "webnlg", "text": "The Acta Palaeontologica Polonica, or Acta Palaeontol. Pol., is found at ISSN 0567-7920 and LCCN 60040714." } ] }, { "tripleset": [ [ "Addiction (journal)", "ACADEMIC_DISCIPLINE", "Addiction" ], [ "Addiction (journal)", "ABBREVIATION", "\"Addiction\"" ], [ "Addiction (journal)", "ISSN_NUMBER", "\"1360-0443\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Addiction journal, or Addiction, is about addiction and has the ISSN number of 1360-0443." }, { "source": "webnlg", "text": "The journal Addiction has the ISSN number 1360-0443, it is about addiction and has the same abbreviation." } ] }, { "tripleset": [ [ "Addiction (journal)", "PUBLISHER", "Wiley-Blackwell" ], [ "Wiley-Blackwell", "PARENT_COMPANY", "John Wiley &amp; Sons" ], [ "Addiction (journal)", "ISSN_NUMBER", "\"0965-2140\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The journal Addiction (ISSN number 0965-2140) is published by Wiley-Blackwell, which has the parent company John Wiley &amp; Sons." }, { "source": "webnlg", "text": "Wiley-Blackwell, whose parent company is John Wiley &amp; Sons, is the publisher of Addiction (journal) which has an ISSN number of 0965-2140." }, { "source": "webnlg", "text": "The Addiction journal has an ISSN number of 0965-2140 and is published by Wiley-Blackwell, who's parent company is John Wiley &amp; Sons." } ] }, { "tripleset": [ [ "Administrative Science Quarterly", "PUBLISHER", "Cornell University" ], [ "Cornell University", "AFFILIATION", "Association of American Universities" ], [ "Cornell University", "STATE", "New York" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Cornell University is located in the state of New York. It is affiliated with the Association of American Universities and is the publisher of Administrative Science Quarterly." }, { "source": "webnlg", "text": "Cornell University which is in new York, is affiliated with the Association of American Universities and is the publisher of Administrative Science Quarterly." }, { "source": "webnlg", "text": "Cornell University in New York is affiliated with the Association of American Universities and published Administrative Science Quarterly." } ] }, { "tripleset": [ [ "Aenir", "AUTHOR", "Garth Nix" ], [ "Aenir", "LANGUAGE", "English language" ], [ "Aenir", "FOLLOWED_BY", "Above the Veil" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Aenir is written in English by Garth Nix, the followed book is Above the Veil." }, { "source": "webnlg", "text": "Garth Nix is the author of Aenir which is written in the English language. This novel was followed up with the book Above the Veil." }, { "source": "webnlg", "text": "Aenir and the sequel Above the Veil were written in English by Garth Nix." } ] }, { "tripleset": [ [ "Alcatraz Versus the Evil Librarians", "LANGUAGE", "English language" ], [ "English language", "SPOKEN_IN", "Great Britain" ], [ "Alcatraz Versus the Evil Librarians", "COUNTRY", "United States" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alcatraz Versus the Evil Librarians is a book from the USA, written in English, the language of Great Britain." }, { "source": "webnlg", "text": "Alcatraz Versus the Evil Librarians is from the United States and written in the English language which is spoken in Great Britain." }, { "source": "webnlg", "text": "Alcatraz Versus the Evil Librarians is from The United States, it was in English, that is the language spoken in Great Britain." } ] }, { "tripleset": [ [ "Alcatraz Versus the Evil Librarians", "MEDIA_TYPE", "Hardcover" ], [ "Alcatraz Versus the Evil Librarians", "NUMBER_OF_PAGES", "\"320\"" ], [ "Alcatraz Versus the Evil Librarians", "OCLC_NUMBER", "78771100" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alcatraz Versus the Evil Librarians is published in Hardcover and has 320 pages. The OCLC number is 78771100." }, { "source": "webnlg", "text": "Alcatraz Versus the Evil Librarians is published in Hardcover, is 320 pages long and has the OCLC number of 7877110." }, { "source": "webnlg", "text": "Alcatraz Versus the Evil Librarians is published in Hardcover, is 320 pages long and has the OCLC number 78771100." } ] }, { "tripleset": [ [ "English language", "SPOKEN_IN", "Great Britain" ], [ "United States", "LANGUAGE", "English language" ], [ "Alcatraz Versus the Evil Librarians", "COUNTRY", "United States" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "English is the language spoken in both Great Britain and the United States. The book Alcatraz Versus the Evil Librarians comes from the U.S." }, { "source": "webnlg", "text": "Alcatraz Versus the Evil Librarians is from the United States where they speak English as they do in Great Britain." }, { "source": "webnlg", "text": "Alcatraz Versus the Evil Librarians is from the United States, where the language is English. English is spoken in Great Britain." } ] }, { "tripleset": [ [ "John Cowper Powys", "BIRTH_PLACE", "Shirley, Derbyshire" ], [ "John Cowper Powys", "DEATH_PLACE", "Blaenau Ffestiniog" ], [ "A Glastonbury Romance", "AUTHOR", "John Cowper Powys" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The author of A Glastonbury Romance was John Cowper Powys, who was born in Shirley, Derbyshire and died in Blaenau Ffestiniog." }, { "source": "webnlg", "text": "John Cowper Powys, author of A Glastonbury Romance, was born in Shirley, Derbyshire, and died in Blaenau Ffestiniog." }, { "source": "webnlg", "text": "John Cowper Powys was born in Shirley, Derbyshire and died in Blaenau Ffestiniog. He wrote the book A Glastonbury Romance." } ] }, { "tripleset": [ [ "SAGE Publications", "FOUNDER", "Sara Miller McCune" ], [ "Administrative Science Quarterly", "ISSN_NUMBER", "\"0001-8392\"" ], [ "Administrative Science Quarterly", "PUBLISHER", "SAGE Publications" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Sara Miller McCune is the founder of SAGE publications which publishes the Administrative Science Quarterly which has the ISSN number of 0001-8392." }, { "source": "webnlg", "text": "Sara Miller McCune founded SAGE Publications who publish Administrative Science Quarterly with ISSN number \"0001-8392\"." }, { "source": "webnlg", "text": "Sara Miller McCune is the founder of SAGE publications who publish Administrative Science Quarterly which has the ISSN number of 0001-8392." } ] }, { "tripleset": [ [ "United States", "CAPITAL", "Washington, D.C." ], [ "A Severed Wasp", "COUNTRY", "United States" ], [ "United States", "ETHNIC_GROUP", "Native Americans in the United States" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "A Severed Wasp is from the United States, whose capital is Washington D.C., and which counts Native Americans among its ethnic groups." }, { "source": "webnlg", "text": "A severed Wasp originates from the United States where the capital is Washington DC and the Native Americans are an ethnic group." }, { "source": "webnlg", "text": "A Severed Wasp is from the United States where Washington D.C. is the capital and Native Americans are an ethnic group." } ] }, { "tripleset": [ [ "United States", "ETHNIC_GROUP", "African Americans" ], [ "A Wizard of Mars", "LANGUAGE", "English language" ], [ "A Wizard of Mars", "COUNTRY", "United States" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "A Wizard of Mars is published in English and originates from the United States, where one of the ethnic groups is African American." }, { "source": "webnlg", "text": "A Wizard of Mars was originally published in the United States and is written in English. African Americans are one of many ethnic groups in the U.S." }, { "source": "webnlg", "text": "A Wizard of Mars was published in English in the United States where the African Americans are an ethnic group." } ] }, { "tripleset": [ [ "United States", "ETHNIC_GROUP", "Asian Americans" ], [ "United States", "CAPITAL", "Washington, D.C." ], [ "A Wizard of Mars", "COUNTRY", "United States" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The capital city of the United States is Washington D.C. Some Asian Americans live in the United States and A Wizard of Mars was Published there." }, { "source": "webnlg", "text": "The United States are home to Asian Americans as well as where \"A Wizard of Mars\" was published. Washington D.C. is the capital." }, { "source": "webnlg", "text": "Washington D. C. is the capital of the United States, where many Asian Americans live. A Wizard of Mars was written in the United States." } ] }, { "tripleset": [ [ "United States", "LEADER_NAME", "Barack Obama" ], [ "United States", "ETHNIC_GROUP", "Asian Americans" ], [ "A Wizard of Mars", "COUNTRY", "United States" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Asian Americans are one of the ethnic groups in the United States where Barack Obama is the leader. It is also the country where 'A Wizard of Mars' originates from." }, { "source": "webnlg", "text": "A Wizard of Mars originates from the United States where Barack Obama is the leader and there are many Asian Americans." }, { "source": "webnlg", "text": "A Wizard of Mars originates from the United States where the leader is Barack Obama and the Asian Americans are an ethnic group." } ] }, { "tripleset": [ [ "United States", "LEADER_TITLE", "President of the United States" ], [ "1634: The Ram Rebellion", "COUNTRY", "United States" ], [ "United States", "ETHNIC_GROUP", "African Americans" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "1634 The Ram Rebellion comes from the United States where the leader is known as the President and one of the ethnic groups are the African Americans." }, { "source": "webnlg", "text": "1634 The Ram Rebellion was written in the United States where the leader is known as the President, and the African Americans are an ethnic group." }, { "source": "webnlg", "text": "1634: The Ram Rebellion was written in the US were the leader is known as the President and one of the ethnic groups is African American." } ] }, { "tripleset": [ [ "United States", "LEADER_TITLE", "President of the United States" ], [ "A Fortress of Grey Ice", "COUNTRY", "United States" ], [ "United States", "ETHNIC_GROUP", "Native Americans in the United States" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The President is the leader of the United States, which is where A Fortress of Grey Ice is from. Additionally, Native Americans are an ethnic Group in the U.S." }, { "source": "webnlg", "text": "A Fortress of Grey Ice is from the United States where the leader is known as the President and the Native Americans are an ethnic group." } ] }, { "tripleset": [ [ "1. FC Magdeburg", "MANAGER", "Jens H\u00e4rtel" ], [ "Jens H\u00e4rtel", "CLUB", "1. FC Lokomotive Leipzig" ], [ "Jens H\u00e4rtel", "CLUB", "SV Germania Sch\u00f6neiche" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Jens Hartel currently plays for SV Germania Schoneiche, his first club was FC Lokomotive Leipzig and he has managed 1 FC Magdeburg." }, { "source": "webnlg", "text": "Jens H\u00e4rtel has been the manager of 1 FC Magdeburg and plays for both 1. FC Lokomotive Leipzig and SV Germania Schoneiche." }, { "source": "webnlg", "text": "Jens Hartel plays for 1.FC Lokomotive Leipzig and SV Germania Schoneiche while also managing FC Magdeburg." } ] }, { "tripleset": [ [ "A.C. Cesena", "MANAGER", "Massimo Drago" ], [ "Massimo Drago", "CLUB", "A.S.D. Licata 1931" ], [ "Massimo Drago", "CLUB", "A.S.D. S.S. Nola 1925" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Massimo Drago has been the manager of A C Cesena, plays for ASD SS Nola 1925 and was also at the club ASD Licita 1931." }, { "source": "webnlg", "text": "Massimo Drago played for A.S.D. S.S. Nola 1925, managed A C Cesena and now plays for A.S.D. Licata 1931." } ] }, { "tripleset": [ [ "A.C. Lumezzane", "FULL_NAME", "\"Associazione Calcio Lumezzane SpA\"" ], [ "A.C. Lumezzane", "LEAGUE", "\"Lega Pro/A\"" ], [ "A.C. Lumezzane", "NUMBER_OF_MEMBERS", "4150" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The \"Associazione Calcio Lumezzane SpA\" is the full name of A.C. Lumezzane who play in Lega Pro/A and have 4150 members." }, { "source": "webnlg", "text": "Associazione Calcio Lumezzane SpA (abbreviated to A.C. Lumezzane) play in the Lega Pro/A and has 4150 members." }, { "source": "webnlg", "text": "The fullname of A.C. Lumezzane is Associazione Calcio Lumezzane SpA. It is in the Lega Pro/A league and has 4150 members." } ] }, { "tripleset": [ [ "A.D. Isidro Metap\u00e1n", "MANAGER", "Jorge Humberto Rodr\u00edguez" ], [ "Jorge Humberto Rodr\u00edguez", "CLUB", "Alianza F.C." ], [ "Jorge Humberto Rodr\u00edguez", "CLUB", "El Salvador national football team" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Jorge Humberto Rodriguez is not only the manager of A. D. Isidro Metapan, but also plays for Alianza F.C. as well as the El Salvador national football team." }, { "source": "webnlg", "text": "Jorge Humberto Rodriguez is the manager of A.D. Isidro Metapan and his club is Alianza F.C. but he plays for the El Salvador national football team." } ] }, { "tripleset": [ [ "A.E Dimitra Efxeinoupolis", "NUMBER_OF_MEMBERS", "1500" ], [ "A.E Dimitra Efxeinoupolis", "CHAIRMAN", "Antonis Milionis" ], [ "A.E Dimitra Efxeinoupolis", "GROUND", "Efxeinoupoli" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "A.E. Dimitra Efxeinoupolis has 1500 members, is chaired by Antonis Milionis, and is located in the town of Efxeinoupoli." }, { "source": "webnlg", "text": "Antonis Milionis is chairman of A.E Dimitra Efxeinoupolis. they have 1500 members and their ground is located in the town of Efxeinoupoli." }, { "source": "webnlg", "text": "The ground of A.E. Dimitra Efxeinoupolis is located in Efeinoupoli, has 1500 members and its chairman is Antonis Milionis." } ] }, { "tripleset": [ [ "A.F.C. Blackpool", "GROUND", "Blackpool" ], [ "A.F.C. Blackpool", "NUMBER_OF_MEMBERS", "1500" ], [ "A.F.C. Blackpool", "FULL_NAME", "\"Association Football Club Blackpool\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The full name of AFC Blackpool is Association Football Club Blackpool. Their ground is located in Blackpool and they have 1500 members." }, { "source": "webnlg", "text": "A.F.C. Blackpool fullname is \"Association Football Club Blackpool\", they have 1500 members and their ground is located in Blackpool." }, { "source": "webnlg", "text": "Association Football Club Blackpool (abbreviated to A.F.C. Blackpool) has 1500 members and is located in Blackpool." } ] }, { "tripleset": [ [ "A.F.C. Blackpool", "MANAGER", "Stuart Parker (footballer)" ], [ "Stuart Parker (footballer)", "CLUB", "Chesterfield F.C." ], [ "Stuart Parker (footballer)", "CLUB", "Runcorn F.C. Halton" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "AFC Blackpool have had Stuart Parker as their manager. He is a member of the Chesterfield F.C. and was previously a player for Runcorn FC Halton." }, { "source": "webnlg", "text": "The manager of A.F.C. Blackpool is Stuart Parker (footballer) who is attached to Chesterfield football club and used to play for Runcorn FC Halton." }, { "source": "webnlg", "text": "AFC Blackpool have had Stuart Parker as their manager, he was also a footballer for Chesterfield FC and Runcorn FC Halton." } ] }, { "tripleset": [ [ "A.F.C. Fylde", "MANAGER", "Dave Challinor" ], [ "Dave Challinor", "CLUB", "Stockport County F.C." ], [ "Dave Challinor", "CLUB", "Colwyn Bay F.C." ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Dave Challinor manages A.F.C. Fylde and plays at the Stockport County F.C. He is also at Colwyn Bay FC." }, { "source": "webnlg", "text": "Dave Challinor played for Stockport County F.C., is at Colwyn Bay FC and is the manager of AFC Fylde." }, { "source": "webnlg", "text": "Dave Challinor played for Stockport County F.C., is at Colwyn Bay FC and manages A.F.C Fylde." } ] }, { "tripleset": [ [ "A.S. Livorno Calcio", "GROUND", "\"Livorno, Italy\"" ], [ "A.S. Livorno Calcio", "NUMBER_OF_MEMBERS", "19238" ], [ "A.S. Livorno Calcio", "FULL_NAME", "\"Livorno Calcio S.p.A.\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The full name of A.S. Livorno Calcio is Livorno Calcio S.p.A., their ground is in Livorno, Italy and they have 19238 members." }, { "source": "webnlg", "text": "AS Livorno Calcio's home ground is in Livorno, Italy. It has the full name of \"Livorno Calcio S.p.A\" and has 19238 members." }, { "source": "webnlg", "text": "The full name of A.S. Livorno Calcio is Livorno Calcio S.p.A, they have 19238 members and their ground is in Livorno, Italy." } ] }, { "tripleset": [ [ "A.S. Livorno Calcio", "MANAGER", "Christian Panucci" ], [ "A.S. Livorno Calcio", "LEAGUE", "Serie B" ], [ "Serie B", "CHAMPIONS", "Carpi F.C. 1909" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "AS Livorno Calcio play in Serie B (previous champions: Carpi FC 1909) and are managed by Christian Panucci." }, { "source": "webnlg", "text": "A.S. Livorno Calcio are managed by Christian Panucci. They play in Serie B where Carpi FC 1909 are the champions." }, { "source": "webnlg", "text": "A.S. Livorno Calcio is in Serie B and is managed by Christian Panucci. Carpi F.C. 1909 won the Serie B championship previously." } ] }, { "tripleset": [ [ "A.S. Livorno Calcio", "MANAGER", "Christian Panucci" ], [ "Christian Panucci", "CLUB", "Chelsea F.C." ], [ "Christian Panucci", "CLUB", "Real Madrid C.F." ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Christian Panucci has played for Chelsea FC and was attached to the Real Madrid CF club. He now manages AS Livorno Calcio,." }, { "source": "webnlg", "text": "A.S. Livorno Calcio is managed by Christian Panucci who has played for Chelsea FC and was attached to the Real Madrid CF club." }, { "source": "webnlg", "text": "A.S. Livorno Calcio are managed by Christian Panucci, who also played for Chelsea F.C., and was attached to the Real Madrid CF club." } ] }, { "tripleset": [ [ "AEK Athens F.C.", "LEAGUE", "Superleague Greece" ], [ "Superleague Greece", "CHAMPIONS", "Olympiacos F.C." ], [ "AEK Athens F.C.", "GROUND", "Greece" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "AEK Athens F.C. (who's grounds are in Athens) is in the Superleague of Greece. Olympiacos FC are previous champions of the Superleague Greece." }, { "source": "webnlg", "text": "AEK Athens's ground is in Greece and it competes in the Superleague Greece, the past champions were Olympiacos F.C." } ] }, { "tripleset": [ [ "AEK Athens F.C.", "MANAGER", "Gus Poyet" ], [ "Gus Poyet", "CLUB", "Real Zaragoza" ], [ "Gus Poyet", "CLUB", "Chelsea F.C." ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Gus Poyet played for Chelsea F.C. and was the manager for AEK Athens FC but he is now in the Real Zaragoza club." }, { "source": "webnlg", "text": "AEK Athens F.C. manager is Gus Poyet who's club is Real Zaragoza, having previously played for Chelsea F.C." }, { "source": "webnlg", "text": "AEK Athens are managed by Gus Poyet who is associated with the Real Zaragoza,a football club and played for Chelsea F.C." } ] }, { "tripleset": [ [ "AFC Ajax (amateurs)", "GROUND", "Amsterdam" ], [ "Amsterdam", "LEADER", "Eberhard van der Laan" ], [ "Amsterdam", "PART", "Amsterdam-Centrum" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The ground of AFC Ajax (amateurs) can be found in Amsterdam. Amsterdam-Centrum is part of the city and its leader is Eberhard van der Laan." } ] }, { "tripleset": [ [ "AFC Ajax (amateurs)", "GROUND", "Amsterdam" ], [ "Amsterdam", "LEADER", "Eberhard van der Laan" ], [ "Amsterdam", "PART", "Amsterdam-Noord" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Amsterdam Noord is part of Amsterdam whose leader is Eberhard van der Laan. The city is the location of the homeground of AFC Ajax (amateurs)." }, { "source": "webnlg", "text": "The ground of AFC Ajax (amateurs) can be found in Amsterdam, which has Eberhard van der Laan as leader, and a region called Amsterdam-Noord." } ] }, { "tripleset": [ [ "AZ Alkmaar", "MANAGER", "John van den Brom" ], [ "John van den Brom", "CLUB", "Jong Ajax" ], [ "John van den Brom", "CLUB", "\u0130stanbulspor A.\u015e." ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "John van den Brom manages the AZ Alkmaar and is in the Jong Ajax club. He currently plays for Istanbulspor A.S." }, { "source": "webnlg", "text": "John van den Brom, who manages AZ Alkmaar, plays for Jong Ajax and Istanbulspor AS." }, { "source": "webnlg", "text": "The manager of AZ Alkmaar is john van den Brom who is in the Jong Ajax club and plays for Istanbulspor A.S." } ] }, { "tripleset": [ [ "Agremia\u00e7\u00e3o Sportiva Arapiraquense", "LEAGUE", "Campeonato Brasileiro S\u00e9rie C" ], [ "Campeonato Brasileiro S\u00e9rie C", "COUNTRY", "Brazil" ], [ "Agremia\u00e7\u00e3o Sportiva Arapiraquense", "GROUND", "Est\u00e1dio Municipal Coaracy da Mata Fonseca" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Agremia\u00e7\u00e3o Sportiva Arapiraquense play in the Campeonato Brasileiro S\u00e9rie C league based in Brazil. Their ground is known as Est\u00e1dio Municipal Coaracy da Mata Fonseca." }, { "source": "webnlg", "text": "Agremia\u00e7\u00e3o Sportiva Arapiraquense play in the Campeonato Brasileiro S\u00e9rie C league in Brazil. Their ground is the Estadio Municipal Coaracy da Mata Fonseca." }, { "source": "webnlg", "text": "Agremia\u00e7\u00e3o Sportiva Arapiraquense play in the Campeonato Brasileiro S\u00e9rie C league in Brazil. Their ground is known as the Estadio Municipal Coaracy da Mata Fonseca." } ] }, { "tripleset": [ [ "Luciano Spalletti", "CLUB", "Udinese Calcio" ], [ "Luciano Spalletti", "CLUB", "Empoli F.C." ], [ "A.S. Roma", "MANAGER", "Luciano Spalletti" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The manager of A.S. Roma is Luciano Spalletti who used to play for Udinese Calcio but now plays for Empoli FC." }, { "source": "webnlg", "text": "Luciano Spalletti played for Udinese Calcio and now manages A.S. Roma and plays for Empoli F.C.." }, { "source": "webnlg", "text": "Luciano Spalletti plays for Udinese Calcio and Empoli F.C. as well as managing A.S. Roma." } ] }, { "tripleset": [ [ "Massimo Drago", "CLUB", "S.S. Chieti Calcio" ], [ "A.C. Cesena", "MANAGER", "Massimo Drago" ], [ "Massimo Drago", "CLUB", "A.S.D. Licata 1931" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Massimo Drago was at the club ASD Licita 1931 but currently manages A.C. Cesena and plays for S.S. Chieti Calcio." }, { "source": "webnlg", "text": "Massimo Drago has been the manager of A C Cesena and was at the club ASD Licita 1931. He now plays for S.S. Chieti Calcio." }, { "source": "webnlg", "text": "Massimo Drago plays for both A.S.D. Licata 1931 and S.S. Chieti Calcio as well as managing A.C. Cesena." } ] }, { "tripleset": [ [ "Massimo Drago", "CLUB", "U.S. Castrovillari Calcio" ], [ "A.C. Cesena", "MANAGER", "Massimo Drago" ], [ "Massimo Drago", "CLUB", "A.S.D. S.S. Nola 1925" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Massimo Drago has been the manager of A C Cesena and played for A.S.D. S.S. Nola 1925. He currently plays for U.S Castrovillari Calcio." }, { "source": "webnlg", "text": "Massimo Drago plays for U.S Castrovillari Calcio and A.S.D. S.S. Nola 1925. He also manages AC Cesena." }, { "source": "webnlg", "text": "Massimo Drago played for A.S.D. S.S. Nola 1925, now he manages A.C. Cesena and plays for U.S Castrovillari Calcio." } ] }, { "tripleset": [ [ "Massimo Drago", "CLUB", "U.S. Castrovillari Calcio" ], [ "Massimo Drago", "CLUB", "S.S. Chieti Calcio" ], [ "A.C. Cesena", "MANAGER", "Massimo Drago" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Massimo Drago has been the manager of A C Cesena but currently plays for US Castrovillari Calcio and SS Chieti Calcio." }, { "source": "webnlg", "text": "Massimo Drago's club is the S.S. Chieti Calcio, he also manages A.C. Cesena and was once a player for US Castrovillari Calcio." }, { "source": "webnlg", "text": "Massimo Drago plays for S.S.Chieti Calcio and manages A.C. Cesena, he once also was a player for US Castrovillari Calcio." } ] }, { "tripleset": [ [ "103 Colmore Row", "LOCATION", "Colmore Row" ], [ "103 Colmore Row", "ARCHITECT", "John Madin" ], [ "John Madin", "BIRTH_PLACE", "Birmingham" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "103 Colmore Row was designed by John Madin who was born in Birmingham." }, { "source": "webnlg", "text": "103 Colmore Row was designed by Birmingham born architect John Madin." }, { "source": "webnlg", "text": "103 Colmore Row was designed by the architect, John Madin from Birmingham." } ] }, { "tripleset": [ [ "200 Public Square", "LOCATION", "Cleveland" ], [ "Cleveland", "IS_PART_OF", "Cuyahoga County, Ohio" ], [ "Cleveland", "LEADER_NAME", "Frank G. Jackson" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "200 Public Square is located in Cleveland, part of Cuyahoga County, Ohio which is led by Frank G Jackson." }, { "source": "webnlg", "text": "200 Public square is in Cleveland which is part of Cuyahoga County, Ohio. The leader in Cleveland is Frank G Jackson." }, { "source": "webnlg", "text": "Frank G Jackson leads Cleveland, part of Cuyahoga County in Ohio where 200 Public Square is located." } ] }, { "tripleset": [ [ "250 Delaware Avenue", "LOCATION", "United States" ], [ "250 Delaware Avenue", "FLOOR_AREA", "30843.8 (square metres)" ], [ "250 Delaware Avenue", "FLOOR_COUNT", "12" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "250 Delaware Avenue in the United States has 12 floors that cover 30843.8 square metres." }, { "source": "webnlg", "text": "250 Delaware Avenue in the United States has 12 floors with a total floor area of 30843.8 square metres." }, { "source": "webnlg", "text": "250 Delaware Avenue is located in the United States. It has a floor area of 30843.8 square metres and a floor count of 12." } ] }, { "tripleset": [ [ "300 North LaSalle", "LOCATION", "Chicago" ], [ "Chicago", "LEADER_NAME", "Rahm Emanuel" ], [ "Chicago", "IS_PART_OF", "DuPage County, Illinois" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "300 North LaSalle is located in Chicago, DuPage County in Illinois, where Rahm Emanuel is the leader." }, { "source": "webnlg", "text": "300 North LaSalle is located in Chicago, part of DuPage County, Illinois where Rahm Emanuel is a leader." }, { "source": "webnlg", "text": "Rahm Emanuel is the leader of Chicago, which is a part of Dupage County Illinois and the location of 300 North LaSalle." } ] }, { "tripleset": [ [ "320 South Boston Building", "ARCHITECT", "George Winkler" ], [ "George Winkler", "COUNTRY", "United States" ], [ "320 South Boston Building", "FLOOR_COUNT", "22" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "George Winkler, United States, is the architect of the 22 floor 320 South Boston Building." }, { "source": "webnlg", "text": "George Winkler from the United States was the architect of 320 South Boston Building. 320 South Boston Street has 22 floors." } ] }, { "tripleset": [ [ "3Arena", "LOCATION", "\"North Wall Quay\"" ], [ "3Arena", "ARCHITECT", "\"HOK SVE\"" ], [ "3Arena", "COMPLETION_DATE", "\"December 2008\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "HOK SVE was the architect of the 3Arena which was completed in December 2008 and located on North Wall Quay." }, { "source": "webnlg", "text": "Arcitect HOK SVE, completed the 3Arena on North Wall Quay in December 2008." } ] }, { "tripleset": [ [ "AC Hotel Bella Sky Copenhagen", "LOCATION", "Denmark" ], [ "AC Hotel Bella Sky Copenhagen", "TENANT", "Marriott International" ], [ "AC Hotel Bella Sky Copenhagen", "FLOOR_COUNT", "23" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "AC Hotel Bella Sky Copenhagen has 23 floors and is located in Denmark. The tenant is Marriott International." }, { "source": "webnlg", "text": "AC Hotel Bella Sky Copenhagen, whose tenant is Marriott International, has 23 floors and is located in Copenhagen Denmark." } ] }, { "tripleset": [ [ "AC Hotel Bella Sky Copenhagen", "TENANT", "Marriott International" ], [ "AC Hotel Bella Sky Copenhagen", "ARCHITECT", "3XN" ], [ "AC Hotel Bella Sky Copenhagen", "FLOOR_COUNT", "23" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The tenant of the AC Hotel Bella Sky Copenhagen, which has 23 floors and was designed by 3XN, is the Marriott International." }, { "source": "webnlg", "text": "Marriott International is the tenant of AC Hotel Bella Sky Copenhagen, that was designed by the architects of the 3XN firm and has 23 floors." } ] }, { "tripleset": [ [ "Adare Manor", "ARCHITECT", "Augustus Pugin" ], [ "Augustus Pugin", "SIGNIFICANT_BUILDING", "Palace of Westminster" ], [ "Augustus Pugin", "BIRTH_PLACE", "Bloomsbury" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Augustus Pugin who was born in Bloomsbury is the architect of Adare Manor. Another of his significant buildings is the Palace of Westminster." }, { "source": "webnlg", "text": "Augustus Pugin, born in Bloomsbury, designed Adare Manor and Palace Of Westminster." } ] }, { "tripleset": [ [ "Adare Manor", "ARCHITECT", "Philip Charles Hardwick" ], [ "Adare Manor", "COMPLETION_DATE", "1862" ], [ "Adare Manor", "OWNER", "J. P. McManus" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Adare Manor was designed by architect Philip Charles Hardwick and construction finished in 1862. The Manor is owned by J P McManus." }, { "source": "webnlg", "text": "Adare Manor's architect was Philip Charles Hardwick and it was completed in 1862. JP McManus owns Adare Manor." }, { "source": "webnlg", "text": "Designed by architect Philip Charles Hardwick, The Adare Manor was completed in 1862 and is now owned by J P McManus." } ] }, { "tripleset": [ [ "Adisham Hall", "ARCHITECTURAL_STYLE", "\"Tudor and Jacabian\"" ], [ "Adisham Hall", "COMPLETION_DATE", "1931" ], [ "Adisham Hall", "LOCATION", "Haputale" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Adisham Hall is located in Haputale and was completed in the Tudor and Jacobean style in 1931." }, { "source": "webnlg", "text": "Adisham Hall, in the Tudor and Jacobean architectural style, completed in 1931 and located in Haputale." }, { "source": "webnlg", "text": "Adisham Hall in Haputale was finished in 1931 in the Tudor and Jacobean style." } ] }, { "tripleset": [ [ "Adisham Hall", "ARCHITECTURAL_STYLE", "\"Tudor and Jacabian\"" ], [ "Adisham Hall", "LOCATION", "Sri Lanka" ], [ "Adisham Hall", "COMPLETION_DATE", "1931" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Adisham Hall, which was finished in 1931, is located in Sri Lanka and has an architectural style known as Tudor and Jacabian." }, { "source": "webnlg", "text": "Adisham Hall, Sri Lanka was finished in 1931 and is in the architectural style of \"Tudor and Jacobean\"." } ] }, { "tripleset": [ [ "Adisham Hall", "COUNTRY", "Sri Lanka" ], [ "Adisham Hall", "LOCATION", "Haputale" ], [ "Sri Lanka", "LEADER_NAME", "Ranil Wickremesinghe" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Adisham Hall is located in Haputale, Sri Lanka where the leader is Ranil Wickremesinghe." }, { "source": "webnlg", "text": "Adisham Hall is located in Haputale, Sri Lanka, whose leader is Ranil Wickremesinghe." } ] }, { "tripleset": [ [ "Adisham Hall", "COUNTRY", "Sri Lanka" ], [ "Sri Lanka", "CAPITAL", "Sri Jayawardenepura Kotte" ], [ "Sri Lanka", "CURRENCY", "Sri Lankan rupee" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Sri Jayawardenepura Kotte is the capital of Sri Lanka, whose currency is the rupee. Adisham Hall is located in Sri Lanka." }, { "source": "webnlg", "text": "Sri Jayawardenepura Kotte is the capital of Sri Lanka, which uses the Sri Lankan rupee as its currency and is the location of Adisham Hall." } ] }, { "tripleset": [ [ "Alan B. Miller Hall", "BUILDING_START_DATE", "\"30 March 2007\"" ], [ "Mason School of Business", "COUNTRY", "United States" ], [ "Alan B. Miller Hall", "CURRENT_TENANTS", "Mason School of Business" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alan B. Miller Hall was started on March 30,2007 and has The Mason School of Business in the U.S. as a tenant." }, { "source": "webnlg", "text": "Alan B. Miller Hall's building opened in 30th March 2007. The Mason School of Business in the United States are the current tenants of Alan B Miller Hall." } ] }, { "tripleset": [ [ "Asilomar Conference Grounds", "ARCHITECT", "Julia Morgan" ], [ "Julia Morgan", "BIRTH_PLACE", "San Francisco" ], [ "Julia Morgan", "SIGNIFICANT_BUILDING", "Riverside Art Museum" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Julia Morgan was born in San Francisco and is the architect of the grounds of Asilomar Conference at the Riverside Art Museum." }, { "source": "webnlg", "text": "San Francisco born Julia Morgan was the architect of the Asilomar Conference Grounds and she also designed other significant buildings including the Riverside Art Museum." }, { "source": "webnlg", "text": "Julia Morgan, born in San Francisco, designed the significant Riverside Art Museum and the Asilomar Conference Grounds." } ] }, { "tripleset": [ [ "Asilomar Conference Grounds", "ARCHITECT", "Julia Morgan" ], [ "Julia Morgan", "SIGNIFICANT_BUILDING", "Chinatown, San Francisco" ], [ "Julia Morgan", "BIRTH_PLACE", "California" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Julia Morgan who was born in California, is the architect behind Chinatown in San Francisco and designed the Asilomar Conference Grounds." }, { "source": "webnlg", "text": "Julia Morgan, who was born in California, was the architect of the Asilomar Conference Grounds and designed many significant buildings in Chinatown, San Francisco." }, { "source": "webnlg", "text": "Californian born Julia Morgan designed significant buildings in Chinatown, San Francisco and also the Asilomar Conference Grounds." } ] }, { "tripleset": [ [ "Asilomar Conference Grounds", "LOCATION", "\"Asilomar Blvd., Pacific Grove, California\"" ], [ "Asilomar Conference Grounds", "ADDED_TO_THE_NATIONAL_REGISTER_OF_HISTORIC_PLACES", "\"1987-02-27\"" ], [ "Asilomar Conference Grounds", "REFERENCE_NUMBER_IN_THE_NATIONAL_REGISTER_OF_HISTORIC_PLACES", "\"87000823\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Asilomar Conference Grounds, located at Asilomar Blvd., Pacific Grove, California, was added to the National Register of Historis Places February 27, 1987 and has the reference number 87000823." }, { "source": "webnlg", "text": "Asilomar Conference Grounds are located at Asilomar Blvd, Pacific Grove California and given the reference of 87000823 in the National Register of Historic Places on 27 February 1987." } ] }, { "tripleset": [ [ "Asser Levy Public Baths", "LOCATION", "Avenue A (Manhattan)" ], [ "Asser Levy Public Baths", "YEAR_OF_CONSTRUCTION", "1904" ], [ "Asser Levy Public Baths", "ADDED_TO_THE_NATIONAL_REGISTER_OF_HISTORIC_PLACES", "\"1980-04-23\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Asser Levy Public Baths were built in 1904 at Avenue A, Manhattan. They were added to the National Register of Historic Places on \"1980-04-23\"." }, { "source": "webnlg", "text": "Asser Levy Public Baths were constructed in 1904 at Avenue A, Manhattan. They were added to the National Register of Historic Places on 23rd April 1980." }, { "source": "webnlg", "text": "Asser Levy Public Baths in Avenue A, Manhattan. was constructed in 1904 and added to the National Register of Historic Places on 1980-04-23." } ] }, { "tripleset": [ [ "Asser Levy Public Baths", "LOCATION", "New York City" ], [ "Asser Levy Public Baths", "YEAR_OF_CONSTRUCTION", "1904" ], [ "Asser Levy Public Baths", "ADDED_TO_THE_NATIONAL_REGISTER_OF_HISTORIC_PLACES", "\"1980-04-23\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Asser Levy Public Baths was built in 1904 and are in New York City. They were added to the National Register of Historic Places on \"1980-04-23\"." }, { "source": "webnlg", "text": "The Asser Levy Public Baths in New York City were built in 1904 and added to the National Register of Historic Places on \"1980-04-23\"." }, { "source": "webnlg", "text": "Asser Levy Public Baths located in New York City were constructed in 1904 and added to the National Register of Historic Places on 1980-04-23." } ] }, { "tripleset": [ [ "Birmingham", "LEADER_NAME", "Conservative Party (UK)" ], [ "103 Colmore Row", "ARCHITECT", "John Madin" ], [ "John Madin", "HOMETOWN", "Birmingham" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The leader of Birmingham is the Conservative Party (UK), this city is the home town of John Madin who was the architect that designed 103 Colmore Row." } ] }, { "tripleset": [ [ "Birmingham", "LEADER_NAME", "Liberal Democrats" ], [ "103 Colmore Row", "ARCHITECT", "John Madin" ], [ "John Madin", "BIRTH_PLACE", "Birmingham" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Birmingham is led by the Liberal Democrats and is the birthplace of the architect John Madin who designed 103 Colmore Row." }, { "source": "webnlg", "text": "Architect John Madin, born in Birmingham (led by the Liberal Democrats), designed 103 Colmore Row." }, { "source": "webnlg", "text": "John Madin, designer of 103 Colmore Row , was born in Birmingham, currently led by the Liberal Democrats." } ] }, { "tripleset": [ [ "Ethiopia", "LEADER_NAME", "Hailemariam Desalegn" ], [ "Addis Ababa City Hall", "LOCATION", "Addis Ababa" ], [ "Addis Ababa", "COUNTRY", "Ethiopia" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The leader of Ethiopia is Hailemariam Desalegn and Addis Ababa City Hall is located in Addis Ababa located in Ethiopia." }, { "source": "webnlg", "text": "Addis Ababa City Hall is located in Addis Ababa, Ethiopia, which is led by Hailemariam Desalegn." } ] }, { "tripleset": [ [ "Gujarat", "LEADER_NAME", "Anandiben Patel" ], [ "Amdavad ni Gufa", "LOCATION", "Ahmedabad" ], [ "Amdavad ni Gufa", "LOCATION", "Gujarat" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Anandiben Patel is the leader of Gujarat, the location of Amdavad ni Gufa in Ahmedabad." }, { "source": "webnlg", "text": "Amdavad ni Gufa is located in Ahmedebad, Gujarat. The leader of Gujurat was Anandiben Patel." }, { "source": "webnlg", "text": "Amdavad ni Gufa is located in Ahmedabad, Gujarat. The leader of Gujarat is Anandiben Patel." } ] }, { "tripleset": [ [ "Marriott International", "LOCATION", "Bethesda, Maryland" ], [ "AC Hotel Bella Sky Copenhagen", "TENANT", "Marriott International" ], [ "Marriott International", "KEY_PERSON", "Bill Marriott" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Bill Marriott is one of the key people at the Marriott International based in Bethesda, Maryland and which is a tenant of AC Hotel Bella Sky Copenhagen." }, { "source": "webnlg", "text": "Marriott International, where Bill Marriott is one of the key people, is located in Bethesda Maryland and is the tenant of AC Hotel Bella Sky Copenhagen." } ] }, { "tripleset": [ [ "Albany, Georgia", "IS_PART_OF", "Dougherty County, Georgia" ], [ "United States", "ETHNIC_GROUP", "Asian Americans" ], [ "Albany, Georgia", "COUNTRY", "United States" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Albany, Georgia is in Dougherty County and Asian Americans are an ethnic group in the United States." }, { "source": "webnlg", "text": "The Asian Americans are an ethnic group within the United States, which is the location of Albany, part of Dougherty County in Georgia." }, { "source": "webnlg", "text": "Albany is part of Dougherty County in Georgia, in the United States, where Asian Americans are one of the ethnic groups." } ] }, { "tripleset": [ [ "Albuquerque, New Mexico", "POPULATION_DENSITY", "1142.3 (inhabitants per square kilometre)" ], [ "Albuquerque, New Mexico", "LEADER_TITLE", "New Mexico Senate" ], [ "Albuquerque, New Mexico", "AREA_TOTAL", "490.9 (square kilometres)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Albuquerque, New Mexico, has a population density of 1142,3 inhabitants per square kilometre and a total area of 490.9 sq. km. The New Mexico Senate is the political party in Albuquerque." }, { "source": "webnlg", "text": "The New Mexico Senate leads Albuquerque (new Mexico) which has a total area of 490.9 square kilometres and the population density of 1142.3 people per square kilometers." } ] }, { "tripleset": [ [ "Alpharetta, Georgia", "COUNTRY", "United States" ], [ "United States", "ETHNIC_GROUP", "African Americans" ], [ "Alpharetta, Georgia", "IS_PART_OF", "Fulton County, Georgia" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alpharetta is part of Fulton County, Georgia in the United States. The US is home to an ethnic group called African Americans." }, { "source": "webnlg", "text": "Alpharetta is part of Fulton County, Georgia which is in the United States. African Americans are an ethnic group in the US." }, { "source": "webnlg", "text": "Fulton County is the location of Alpharetta,Georgia, in the United States, where African Americans are one of the ethnic groups." } ] }, { "tripleset": [ [ "Alpharetta, Georgia", "COUNTRY", "United States" ], [ "United States", "ETHNIC_GROUP", "Asian Americans" ], [ "Alpharetta, Georgia", "IS_PART_OF", "Georgia (U.S. state)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alpharetta can be found in Georgia in the United States, the country that is home to an ethnic group called Asian Americans." }, { "source": "webnlg", "text": "Alpharetta is part of the state of Georgia in the United States. One of the ethnic groups found in this country is Asian Americans." }, { "source": "webnlg", "text": "Alpharetta, Georgia, is in the United States, where Asian Americans are one of the ethnic groups." } ] }, { "tripleset": [ [ "Alpharetta, Georgia", "COUNTRY", "United States" ], [ "United States", "ETHNIC_GROUP", "Asian Americans" ], [ "United States", "CAPITAL", "Washington, D.C." ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alpharetta, Georgia, is in the United States, where the capital is Washington DC and where one of the ethnic groups is Asian Americans." }, { "source": "webnlg", "text": "The Asian Americans are an ethnic group in the United States which has the capital of Washington DC and is the location of Alpharetta in Georgia." }, { "source": "webnlg", "text": "The Asian Americans are an ethnic group in the United States where the capital city is Washington DC and Alpharetta is located in Georgia." } ] }, { "tripleset": [ [ "Anaheim, California", "UTC_OFFSET", "\"-7\"" ], [ "Anaheim, California", "AREA_CODE", "657, 714" ], [ "Anaheim, California", "AREA_TOTAL", "131.6 (square kilometres)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Anaheim, California has a UTC offset of - 7,its area codes are 657 and 714 and its total area is 131.6 sq km." }, { "source": "webnlg", "text": "Anaheim, California has a total area of 131.6 square kilometres, area codes 657 and 714, and a UTC offset of -7." }, { "source": "webnlg", "text": "With a total area of 131.6 square kilometres, Anaheim (California), has a UTC offset of - 7 and the area codes: 657, 714." } ] }, { "tripleset": [ [ "Anaheim, California", "IS_PART_OF", "California" ], [ "Anaheim, California", "LEADER_TITLE", "California State Senate" ], [ "California State Senate", "LOCATION", "California State Capitol" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Anaheim, part of California, is led by the California State Senate located at the California State Capitol." }, { "source": "webnlg", "text": "The California State Senate, located in the California State Capitol, leads Anaheim, which is part of California." }, { "source": "webnlg", "text": "Located at the California State Capitol, The California State Senate, leads Anaheim, California." } ] }, { "tripleset": [ [ "Anderson, Indiana", "IS_PART_OF", "Lafayette Township, Madison County, Indiana" ], [ "Lafayette Township, Madison County, Indiana", "COUNTRY", "United States" ], [ "Anderson, Indiana", "IS_PART_OF", "Indiana" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Anderson is part of Lafayette Township, Madison County, which is located in Indiana, United States." }, { "source": "webnlg", "text": "Anderson is in Lafayette Township, Madison County, Indiana; which is in the United States." }, { "source": "webnlg", "text": "Anderson is a city that's part of Lafayette Township, Madison County,Indiana and is found in the United States." } ] }, { "tripleset": [ [ "Angola, Indiana", "IS_PART_OF", "Pleasant Township, Steuben County, Indiana" ], [ "Angola, Indiana", "COUNTRY", "United States" ], [ "United States", "ETHNIC_GROUP", "Asian Americans" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Angola is in Pleasant Township which is part of Steuben County, Indiana in the U.S. Asian Americans are an ethnic group in the U.S." }, { "source": "webnlg", "text": "The Asian Americans are an ethnic group in the United States which is the location of Angola, Pleasant Township, part of Steuben County in Indiana." }, { "source": "webnlg", "text": "Angola is in Pleasant Township of Steuben County, Indiana of the United States where Asian Americans are one of several ethnic groups." } ] }, { "tripleset": [ [ "Antioch, California", "IS_PART_OF", "Contra Costa County, California" ], [ "Contra Costa County, California", "IS_PART_OF", "San Francisco Bay Area" ], [ "Antioch, California", "LEADER_TITLE", "United States House of Representatives" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Antioch is part of Contra Costa County, located in the San Francisco Bay area of California. The leader of Antioch is the United States House of Representatives." }, { "source": "webnlg", "text": "Led by the United States House of Representatives, Antioch is part of Contra Costa County, part of the San Francisco Bay Area." }, { "source": "webnlg", "text": "Led by the United States House of Representatives, Antioch, part of Contra Costa County, which is part of the San Francisco Bay area, in California." } ] }, { "tripleset": [ [ "Arlington, Texas", "IS_PART_OF", "Tarrant County, Texas" ], [ "Tarrant County, Texas", "COUNTY_SEAT", "Fort Worth, Texas" ], [ "Tarrant County, Texas", "COUNTRY", "United States" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Arlington is located in Tarrant County,Texas whose county seat is Fort Worth in the United States." }, { "source": "webnlg", "text": "Arlington in the United States is part of Tarrant County in Texas where the county seat is Fort Worth." }, { "source": "webnlg", "text": "Arlington is part of Tarrant County, Texas, where the county seat is Fort Worth." } ] }, { "tripleset": [ [ "Atlanta", "COUNTRY", "United States" ], [ "United States", "ETHNIC_GROUP", "Asian Americans" ], [ "United States", "CAPITAL", "Washington, D.C." ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Atlanta is in the United States whose capital is Washington, D.C. Asian Americans are an ethnic group in the U.S." }, { "source": "webnlg", "text": "The Asian Americans are an ethnic group found in the United States which has the capital city of Washington DC and is the location of Atlanta." }, { "source": "webnlg", "text": "The Asian Americans are an ethnic group in the United States which is the location of Atlanta and has the capital of Washington DC." } ] }, { "tripleset": [ [ "Atlanta", "POPULATION_DENSITY", "1299.0 (inhabitants per square kilometre)" ], [ "Atlanta", "AREA_CODE", "404" ], [ "Atlanta", "AREA_TOTAL", "347.1 (square kilometres)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Atlanta(area code:404) has a population density of 1299 inhabitants per square kilometre and its total area is 347.1(square kilometres)." }, { "source": "webnlg", "text": "Atlanta, which has the area code of 404, has a population density of 1299 inhabitants per sq km and a total area of 347.1 sq km." }, { "source": "webnlg", "text": "With a total area of 347.1 square kilometres, Atlanta, has a population density of 1299.0 inhabitants per square kilometre, and the area code, 404." } ] }, { "tripleset": [ [ "Atlantic City, New Jersey", "COUNTRY", "United States" ], [ "New Jersey", "LARGEST_CITY", "Newark, New Jersey" ], [ "Atlantic City, New Jersey", "IS_PART_OF", "New Jersey" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Atlantic City, New Jersey is in the United States. The largest city in New Jersey is Newark." }, { "source": "webnlg", "text": "Atlantic City, New Jersey is in the United States where the largest city in that state is Newark." }, { "source": "webnlg", "text": "Atlantic City, New Jersey is in the United States. Newark is also the largest city of New Jersey." } ] }, { "tripleset": [ [ "Atlantic City, New Jersey", "IS_PART_OF", "Atlantic County, New Jersey" ], [ "Atlantic County, New Jersey", "COUNTRY", "United States" ], [ "United States", "LARGEST_CITY", "New York City" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Atlantic City, New Jersey is in Atlantic County, New Jersey U.S. where New York is the largest City." }, { "source": "webnlg", "text": "New York City is the largest city in the United States. The country is also where Atlantic City (part of Atlantic County, New Jersey), is located." } ] }, { "tripleset": [ [ "Auburn, Alabama", "IS_PART_OF", "Lee County, Alabama" ], [ "Alabama", "COUNTRY", "United States" ], [ "Auburn, Alabama", "IS_PART_OF", "Alabama" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Auburn is part of Lee County, Alabama in the U.S." }, { "source": "webnlg", "text": "Auburn is part of Lee County in Alabama in the United States." }, { "source": "webnlg", "text": "Auburn is located in Lee County, Alabama in the U.S." } ] }, { "tripleset": [ [ "Auburn, Washington", "IS_PART_OF", "Washington (state)" ], [ "United States", "CAPITAL", "Washington, D.C." ], [ "Washington (state)", "COUNTRY", "United States" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Auburn is part of Washington State in the United States which has the capital of Washington DC." }, { "source": "webnlg", "text": "The United States has the capital of Washington DC and is the location of Auburn in the state of Washington,." }, { "source": "webnlg", "text": "Auburn is part of Washington state, in the United States, the capital of which is Washington, D.C." } ] }, { "tripleset": [ [ "Auburn, Washington", "IS_PART_OF", "Washington (state)" ], [ "Washington (state)", "CAPITAL", "Olympia, Washington" ], [ "Washington (state)", "COUNTRY", "United States" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Olympia is the state capital of Washington in the United States. Auburn is also part of Washington state." }, { "source": "webnlg", "text": "Auburn is in Washington state in the United States. The state capital of Washington is Olympia." }, { "source": "webnlg", "text": "Auburn is in the state of Washington (United States), the capital of which is Olympia." } ] }, { "tripleset": [ [ "Georgia (U.S. state)", "CAPITAL", "Atlanta" ], [ "Albany, Georgia", "IS_PART_OF", "Georgia (U.S. state)" ], [ "Albany, Georgia", "IS_PART_OF", "Dougherty County, Georgia" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Albany is part of Dougherty County in Georgia and the state's capital is Atlanta." }, { "source": "webnlg", "text": "Atlanta is the capital of Georgia (United States), the state where Albany, Dougherty County, is located." } ] }, { "tripleset": [ [ "Madison County, Indiana", "COUNTRY", "United States" ], [ "Alexandria, Indiana", "IS_PART_OF", "Madison County, Indiana" ], [ "Madison County, Indiana", "LARGEST_CITY", "Anderson, Indiana" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alexandria, Indiana is part of Madison County Indiana in the United States. The largest city in Madison County is Anderson." }, { "source": "webnlg", "text": "Alexandria in the United States is part of Madison County, Indiana which has the largest city of Anderson." } ] }, { "tripleset": [ [ "New Jersey", "CAPITAL", "Trenton, New Jersey" ], [ "New Jersey", "COUNTRY", "United States" ], [ "Atlantic City, New Jersey", "IS_PART_OF", "New Jersey" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Atlantic City is part of New Jersey in the U.S. The capital of New Jersey is Trenton." }, { "source": "webnlg", "text": "The capital of the state of New Jersey in the U.S. is Trenton. Atlantic City is also part of that state." }, { "source": "webnlg", "text": "Atlantic City is in the state of New Jersey, United States, where the Trenton is the capital." } ] }, { "tripleset": [ [ "Texas", "LANGUAGE", "English language" ], [ "Arlington, Texas", "IS_PART_OF", "Texas" ], [ "Texas", "LARGEST_CITY", "Houston" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Arlington is part of Texas where Houston is the largest city and English is spoken." }, { "source": "webnlg", "text": "Arlington is part of Texas where the largest city is Houston and the English language is spoken." }, { "source": "webnlg", "text": "In Texas; Houston is the largest city, Arlington is part of the state, and English is spoken." } ] }, { "tripleset": [ [ "United States", "CAPITAL", "Washington, D.C." ], [ "Attica, Indiana", "COUNTRY", "United States" ], [ "Attica, Indiana", "IS_PART_OF", "Fountain County, Indiana" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The United States, which has the capital city of Washington DC, is also the location of Attica, part of Fountain County in Indiana." }, { "source": "webnlg", "text": "Attica, Fountain County, Indiana is in the United States: where Washington, D.C.. is the capital." }, { "source": "webnlg", "text": "Attica, is part of Fountain County, Indiana, in the United States, the capital of which is, Washington, D.C." } ] }, { "tripleset": [ [ "United States", "CAPITAL", "Washington, D.C." ], [ "Fountain County, Indiana", "COUNTRY", "United States" ], [ "Attica, Indiana", "IS_PART_OF", "Fountain County, Indiana" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Attica, Indiana is in Fountain County, Indiana in the U.S. Washington, D.C. is the capital of the U.S." }, { "source": "webnlg", "text": "Attica is in Fountain County Indiana in the United States. Washington DC is the country's capital." }, { "source": "webnlg", "text": "Attica, is in Fountain County, Indiana, in the United States, the capital of which is Washington, D.C." } ] }, { "tripleset": [ [ "United States", "CAPITAL", "Washington, D.C." ], [ "United States", "LANGUAGE", "English language" ], [ "Akron, Ohio", "COUNTRY", "United States" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Akron, Ohio is located in the United States; where Washington, D.C. is the capital, and where English is spoken." }, { "source": "webnlg", "text": "Akron, Ohio is located in the United States, where English is spoken, and where the capital is Washington DC." } ] }, { "tripleset": [ [ "United States", "ETHNIC_GROUP", "Asian Americans" ], [ "Akron, Ohio", "COUNTRY", "United States" ], [ "Akron, Ohio", "IS_PART_OF", "Summit County, Ohio" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Akron is in Summit County, Ohio in the U.S. Asian Americans are an ethnic group in the U.S." }, { "source": "webnlg", "text": "The United States, which includes the ethnic group of Asian Americans, is the location of Akron, Summit County, Ohio." }, { "source": "webnlg", "text": "Akron is a part of Summit County, Ohio, in the United States, where Asian Americans are an ethnic group." } ] }, { "tripleset": [ [ "United States", "ETHNIC_GROUP", "Asian Americans" ], [ "Albany, Oregon", "IS_PART_OF", "Benton County, Oregon" ], [ "Albany, Oregon", "COUNTRY", "United States" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Albany is part of Benton County in Oregon within the United States where Asian Americans are an ethnic group." }, { "source": "webnlg", "text": "Albany is part of Benton County in Oregon, in the U.S, of which The Asian Americans are an ethnic group." }, { "source": "webnlg", "text": "Albany is part of Benton County, Oregon, in the United States, where Asian Americans are one of the ethnic groups." } ] }, { "tripleset": [ [ "United States", "ETHNIC_GROUP", "Asian Americans" ], [ "United States", "LEADER", "Barack Obama" ], [ "Albuquerque, New Mexico", "COUNTRY", "United States" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Barack Obama is the leader of the United States where Albuquerque,New Mexico is located and Asian Americans are an ethnic group." }, { "source": "webnlg", "text": "Albuquerque, New Mexico is in the United States; where Barack Obama is the leader and Asian Americans call home." }, { "source": "webnlg", "text": "Albuquerque, New Mexico is in the United States, of which Barack Obama is a leader and Asian Americans are an ethnic group." } ] }, { "tripleset": [ [ "United States", "LANGUAGE", "English language" ], [ "Albany, Georgia", "COUNTRY", "United States" ], [ "United States", "ETHNIC_GROUP", "African Americans" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The United States includes the African Americans ethnic group, uses the English language and is the location of Albany, Georgia." }, { "source": "webnlg", "text": "Albany, Georgia is in the United States; where English is spoken and African Americans call home." }, { "source": "webnlg", "text": "Albany, Georgia is in the US where English is spoken and African Americans are an ethnic group." } ] }, { "tripleset": [ [ "United States", "LANGUAGE", "English language" ], [ "Angola, Indiana", "COUNTRY", "United States" ], [ "United States", "ETHNIC_GROUP", "Asian Americans" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Angola, Indiana is located in the United States where the English language is spoken and the Native Americans are an ethnic group." }, { "source": "webnlg", "text": "The United States, where the Asian Americans are an ethnic group, uses the English language and is the location of Angola, Indiana." }, { "source": "webnlg", "text": "Asian Americans are an ethnic group in the U.S which is where they speak english and the city Angola, Indiana is located." } ] }, { "tripleset": [ [ "Aarhus Airport", "RUNWAY_LENGTH", "2776.0" ], [ "Aarhus Airport", "OPERATING_ORGANISATION", "\"Aarhus Lufthavn A/S\"" ], [ "Aarhus Airport", "RUNWAY_NAME", "\"10R/28L\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Operated by Aarhus Lufthavn A/S, Aarhus Airport has a runway length of 2776.0 metres and a runway name 10R/28L." }, { "source": "webnlg", "text": "Aarhus Airport is operated by Aarhus Lufthavn A/S and its 2776 meters long runway is called 10R/28L." } ] }, { "tripleset": [ [ "Adirondack Regional Airport", "CITY_SERVED", "Lake Placid, New York" ], [ "Adirondack Regional Airport", "RUNWAY_LENGTH", "2003.0" ], [ "Adirondack Regional Airport", "CITY_SERVED", "Saranac Lake, New York" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Adirondack regional airport serves both Lake Placid and Saranac Lake, New York. The length of the runway at Asirondack regional airport is 2003." }, { "source": "webnlg", "text": "Adirondack Regional Airport serves the city of Lake Placid, New York and Saranac Lake, New York. The runway is 2003 feet long." }, { "source": "webnlg", "text": "Lake Placid, N.Y. is served by the Adirondack Regional Airport, where the length of the runway is 2003.0. and serves the city of Saranac Lake, New York." } ] }, { "tripleset": [ [ "Adolfo Su\u00e1rez Madrid\u2013Barajas Airport", "LOCATION", "Paracuellos de Jarama" ], [ "Paracuellos de Jarama", "COUNTRY", "Spain" ], [ "Paracuellos de Jarama", "IS_PART_OF", "Community of Madrid" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Adolfo Suarez Madrid-Barajas Airport is in Paracuellos de Jarama, which is located in the community of Madrid, Spain." }, { "source": "webnlg", "text": "Adolfo Suarez Madrid-Barajas airport is located at Paracuellos de Jarama which is part of the community of Madrid, Spain." } ] }, { "tripleset": [ [ "Agra Airport", "LOCATION", "Uttar Pradesh" ], [ "Agra Airport", "OPERATING_ORGANISATION", "Indian Air Force" ], [ "Agra Airport", "ICAO_LOCATION_IDENTIFIER", "\"VIAG\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Agra Airport (ICAO Location Identifier - VIAG) is located in Uttar Pradesh and operated by the Indian Air Force." }, { "source": "webnlg", "text": "The Agra Airport (VIAG) in Uttar Pradesh is operated by the Indian Air Force." }, { "source": "webnlg", "text": "The Indian Air Force operates Agra Airport which is located in Uttar Pradesh and has the ICAO location identifier VIAG." } ] }, { "tripleset": [ [ "Al Asad Airbase", "OPERATING_ORGANISATION", "United States Air Force" ], [ "Al Asad Airbase", "LOCATION", "Iraq" ], [ "Al Asad Airbase", "RUNWAY_LENGTH", "3992.88" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Operated by the United States Air Force, Al Asad Airbase is in Iraq and has a runway length of 3992.88 metres." }, { "source": "webnlg", "text": "The United States Air Force is the operating organisation for Al Asad airbase in Iraq where the length of the runway is 3992.88." }, { "source": "webnlg", "text": "Al Asad Airbase, found in Iraq, is operated by the United States Air Force. The runway is 3992.88 feet long." } ] }, { "tripleset": [ [ "Al Asad Airbase", "OPERATING_ORGANISATION", "United States Air Force" ], [ "United States Air Force", "AIRCRAFT_FIGHTER", "McDonnell Douglas F-15 Eagle" ], [ "United States Air Force", "BATTLES", "1986 United States bombing of Libya" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Al Asad Airbase is operated by the United States Air Force which carried out the 1986 United States bombing of Libya and which uses an aircraft fighter called the McDonnell Douglas F-15 Eagle." }, { "source": "webnlg", "text": "In 1986 the USAF bombed Libya. It operates the Al Asad airbase and uses the McDonnell Douglas F-15 Eagle fighter jet." } ] }, { "tripleset": [ [ "Al Asad Airbase", "OPERATING_ORGANISATION", "United States Air Force" ], [ "United States Air Force", "BATTLES", "Invasion of Grenada" ], [ "United States Air Force", "AIRCRAFT_FIGHTER", "McDonnell Douglas F-15 Eagle" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The McDonnell Douglas F-15 Eagle is an aircraft fighter in the United States Air Force operated Al Asad Airbase and was used during the Invasion of Grenada." }, { "source": "webnlg", "text": "The operating organisation for Al Asad airbase is the United States Air Force. They were involved in battles at the invasion of Grenada and deploy the aircraft fighter plane known as the McDonnell Douglas F15 Eagle." } ] }, { "tripleset": [ [ "Alderney Airport", "1ST_RUNWAY_SURFACE_TYPE", "Poaceae" ], [ "Alderney Airport", "RUNWAY_LENGTH", "877.0" ], [ "Alderney Airport", "CITY_SERVED", "Alderney" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alderney Airport, whose runway is 877 m, serves the city of Alderney. Its surface is poaceae." } ] }, { "tripleset": [ [ "Allama Iqbal International Airport", "LOCATION", "Pakistan" ], [ "Allama Iqbal International Airport", "OPERATING_ORGANISATION", "Pakistan Civil Aviation Authority" ], [ "Pakistan Civil Aviation Authority", "HEADQUARTER", "Jinnah International Airport" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Allama Iqbal International airport located in Pakistan is operated by the Pakistan Civil Aviation Authority headquartered at Jinnah International Airport." }, { "source": "webnlg", "text": "Located in Pakistan, Allama Iqbal International airport is operated by the Pakistan Civil Aviation Authority, the headquarters of which is the Jinnah International Airport." }, { "source": "webnlg", "text": "Located in Pakistan, Allama Iqbal International airport is governed by the Pakistan Civil Aviation Authority which has its headquarters at Jinnah International Airport." } ] }, { "tripleset": [ [ "Allama Iqbal International Airport", "LOCATION", "Punjab, Pakistan" ], [ "Allama Iqbal International Airport", "RUNWAY_NAME", "\"18L/36R\"" ], [ "Allama Iqbal International Airport", "RUNWAY_LENGTH", "2900.0" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Allama Iqbal International Airport in Punjab, Pakistan has a runway known as 18L/36R with a length of 2900.0." }, { "source": "webnlg", "text": "Allama Iqbal International Airport, whose runway name is 18L/36 is located in Punjab, Pakistan. Its length is 2900." }, { "source": "webnlg", "text": "Allama Iqbal International Airport is located in Punjab, Pakistan, with the runway's name is 18L/36R, and the length is 29000.0." } ] }, { "tripleset": [ [ "Alpena County Regional Airport", "ELEVATION", "210" ], [ "Alpena County Regional Airport", "LOCATION", "Maple Ridge Township, Alpena County, Michigan" ], [ "Maple Ridge Township, Alpena County, Michigan", "COUNTRY", "United States" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "With an elevation of 210 metres above sea level, Alpena County Regional Airport is located in Maple Ridge Township, Alpena County, Michigan, in the United States." }, { "source": "webnlg", "text": "At 210 metres above sea level, Alpena County Regional Airport is located in Maple Ridge Township, Alpena County, Michigan, in the United States." }, { "source": "webnlg", "text": "Alpena County Regional Airport is in Maple Ridge Township, Alpena County, Michigan, US and is 210m above sea level." } ] }, { "tripleset": [ [ "Andrews County Airport", "LOCATION", "Texas" ], [ "Andrews County Airport", "RUNWAY_LENGTH", "1773.0" ], [ "Andrews County Airport", "ELEVATION", "973.0" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The runway length at Andrews County airport ( located in Texas and 973.0 above sea level), is 1773.0." }, { "source": "webnlg", "text": "Located in Texas, Andrews County Airport, is 973.0 above sea level and has a runway length of 1773 metres." }, { "source": "webnlg", "text": "Andrews County Airport is located in Texas and is 973 metres above sea level. Its runway length is 1773.0." } ] }, { "tripleset": [ [ "Andrews County Airport", "LOCATION", "Texas" ], [ "Andrews County Airport", "RUNWAY_LENGTH", "896.0" ], [ "Andrews County Airport", "ELEVATION", "973.0" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The runway length of Andrews County Airport (located in Texas and 973.0 above sea level) is 896." }, { "source": "webnlg", "text": "Located in Texas, Andrews County Airport is 973.0 above sea level and has a runway length of 896." }, { "source": "webnlg", "text": "Andrews County Airport which is located in Texas is 973 metres above sea level and has a runway length of 896." } ] }, { "tripleset": [ [ "Andrews County Airport", "LOCATION", "Texas" ], [ "Texas", "CAPITAL", "Austin, Texas" ], [ "Texas", "LANGUAGE", "English language" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Andrews County Airport is located in Texas , Austin and the language spoken in Texas is English." }, { "source": "webnlg", "text": "Austin is the capital of Texas, where they speak English, and Andrews County Airport is located." } ] }, { "tripleset": [ [ "Andrews County Airport", "LOCATION", "Texas" ], [ "Texas", "DEMONYM", "Tejano" ], [ "Texas", "COUNTRY", "United States" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Texas is located in the United States, and its demonym is Tejano. The Andrews County airport is located in Texas." }, { "source": "webnlg", "text": "Andrews County Airport is located in Texas in the United States where the inhabitants have the demonym tejano,." }, { "source": "webnlg", "text": "Andrews County Airport is located in Texas, United States where the inhabitants have the demonym of Tejano." } ] }, { "tripleset": [ [ "Antwerp International Airport", "CITY_SERVED", "Antwerp" ], [ "Belgium", "LANGUAGE", "German language" ], [ "Antwerp", "COUNTRY", "Belgium" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Antwerp International Airport serves the city of Antwerp which is in Belgium and one of the spoken languages is German." }, { "source": "webnlg", "text": "Antwerp, served by Antwerp International airport, is a popular tourist destination in Belgium. German is spoken in Belgium." }, { "source": "webnlg", "text": "Antwerp is located in German speaking part of Belgium and served by the International airport." } ] }, { "tripleset": [ [ "Atlantic City International Airport", "LOCATION", "Egg Harbor Township, New Jersey" ], [ "Egg Harbor Township, New Jersey", "COUNTRY", "United States" ], [ "Egg Harbor Township, New Jersey", "IS_PART_OF", "Atlantic County, New Jersey" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Atlantic City International Airport is located at Egg Harbor Township, New Jersey, part of Atlantic County, New Jersey, in the United States." }, { "source": "webnlg", "text": "Atlantic City International Airport is in Egg Harbor Township, Atlantic County, New Jersey, United States." } ] }, { "tripleset": [ [ "Atlantic City International Airport", "OPERATING_ORGANISATION", "Port Authority of New York and New Jersey" ], [ "Port Authority of New York and New Jersey", "REGION_SERVED", "New Jersey" ], [ "Port Authority of New York and New Jersey", "HEADQUARTER", "Four World Trade Center" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Port Authority of New York and New Jersey is headquartered in the Four World Trade Center and serves New Jersey. It operates the Atlantic City International Airport." }, { "source": "webnlg", "text": "Atlantic City International Airport is operated by the Port Authority of New York and New Jersey located at Four World Trade Centre and serves the New Jersey region." }, { "source": "webnlg", "text": "The Four World Trade Center is the headquarters of the Port Authority of New York and New Jersey, which operates the Atlantic City International Airport and serves New Jersey." } ] }, { "tripleset": [ [ "Atlantic City International Airport", "RUNWAY_LENGTH", "3048.0" ], [ "Atlantic City International Airport", "LOCATION", "Egg Harbor Township, New Jersey" ], [ "Egg Harbor Township, New Jersey", "COUNTRY", "United States" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Atlantic City International Airport is in Egg Harbor Township, New Jersey, United States. Its runway length is 3048.0." }, { "source": "webnlg", "text": "Atlantic City International Airport is in Egg Harbor Township, New Jersey, United States and has a runway length of 3048.0." }, { "source": "webnlg", "text": "Atlantic City International Airport can be found in Egg Harbor Township, New Jersey of the U.S.A. and it has a runway that's 3.048 long." } ] }, { "tripleset": [ [ "Lahore", "COUNTRY", "Pakistan" ], [ "Allama Iqbal International Airport", "CITY_SERVED", "Lahore" ], [ "Pakistan", "LEADER_NAME", "Anwar Zaheer Jamali" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Allama Iqbal International airport is located in Lahore, Pakistan. The leader of the country is Anwar Zaheer Jamali." }, { "source": "webnlg", "text": "Lahore, Pakistan is served by Allama Iqbal International Airport, and is led by Anwar Zaheer Jamali." } ] }, { "tripleset": [ [ "Madrid", "IS_PART_OF", "Community of Madrid" ], [ "Madrid", "LEADER_PARTY", "Ahora Madrid" ], [ "Adolfo Su\u00e1rez Madrid\u2013Barajas Airport", "LOCATION", "Madrid" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The leader party in Madrid (which is part of the community of Madrid and has the Adolfo Suarez Madrid-Barajas Airport) is Ahora Madrid." }, { "source": "webnlg", "text": "Adolfo Su\u00e1rez Madrid\u2013Barajas Airport is located in Madrid which is part of the community of Madrid led by Ahora Madrid." } ] }, { "tripleset": [ [ "Madrid", "LEADER_PARTY", "Ahora Madrid" ], [ "Adolfo Su\u00e1rez Madrid\u2013Barajas Airport", "LOCATION", "Madrid" ], [ "Madrid", "COUNTRY", "Spain" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The leader party in Madrid Spain (in which the Adolfo Suarez Madrid - Barajas Airport is located) ,is called Ahora Madrid." }, { "source": "webnlg", "text": "Adolfo Su\u00e1rez Madrid\u2013Barajas Airport is found in Madrid, Spain where the leading party is Ahora Madrid." }, { "source": "webnlg", "text": "Ahora Madrid is the leading party of Madrid, Spain. Adolfo Su\u00e1rez Madrid\u2013Barajas Airport is found in Madrid." } ] }, { "tripleset": [ [ "San Sebasti\u00e1n de los Reyes", "LEADER_PARTY", "People's Party (Spain)" ], [ "Adolfo Su\u00e1rez Madrid\u2013Barajas Airport", "LOCATION", "San Sebasti\u00e1n de los Reyes" ], [ "San Sebasti\u00e1n de los Reyes", "COUNTRY", "Spain" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Adolfo Su\u00e1rez Madrid\u2013Barajas Airport is in San Sebasti\u00e1n de los Reyes (Spain), where the lead party is the People's Party." }, { "source": "webnlg", "text": "Adolfo Su\u00e1rez Madrid\u2013Barajas Airport is found in San Sebasti\u00e1n de los Reyes (Spain) where the lead party is the People's Party." }, { "source": "webnlg", "text": "The People's Party is the lead party of San Sebastian de los Reyes, Spain where the Adolfo Suarez Madrid-Barajas airport is located." } ] }, { "tripleset": [ [ "11th Mississippi Infantry Monument", "COUNTRY", "\"United States\"" ], [ "Adams County, Pennsylvania", "HAS_TO_ITS_SOUTHEAST", "Carroll County, Maryland" ], [ "11th Mississippi Infantry Monument", "LOCATION", "Adams County, Pennsylvania" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The United States 11th Mississippi Infantry Monument's location is Adams County, Pennsylvania, northwest of Carroll County Maryland." } ] }, { "tripleset": [ [ "Adams County, Pennsylvania", "HAS_TO_ITS_SOUTHEAST", "Carroll County, Maryland" ], [ "11th Mississippi Infantry Monument", "MUNICIPALITY", "Gettysburg, Pennsylvania" ], [ "11th Mississippi Infantry Monument", "LOCATION", "Adams County, Pennsylvania" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The 11th Mississippi Infantry Monument is located in Gettysburg, Pennsylvania, in Adams County, which has Carroll County, Maryland to its southeast." }, { "source": "webnlg", "text": "The 11th Mississippi Infantry Monument is placed in the municipality of Gettysburg, Adams County, Pennsylvania, northwest of Carroll County Maryland." } ] }, { "tripleset": [ [ "Azerbaijan", "CAPITAL", "Baku" ], [ "Baku Turkish Martyrs' Memorial", "LOCATION", "Azerbaijan" ], [ "Baku Turkish Martyrs' Memorial", "NATIVE_NAME", "\"T\u00fcrk \u015eehitleri An\u0131t\u0131\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Baku Turkish Martyrs' Memorial, known locally as T\u00fcrk \u015eehitleri An\u0131t\u0131, is located in Baku, the capital city of Azerbaijan." } ] }, { "tripleset": [ [ "Azerbaijan", "LEADER", "Artur Rasizade" ], [ "Baku Turkish Martyrs' Memorial", "LOCATION", "Azerbaijan" ], [ "Azerbaijan", "LEGISLATURE", "National Assembly (Azerbaijan)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Baku Turkish Martyrs' Memorial is located in Azerbaijan, where the leader is Artur Rasizade, and legislature is based in the National Assembly." }, { "source": "webnlg", "text": "The Baku Turkish Martyrs' Memorial is in Azerbaijan, where the leader is Artur Rasizade, and the legislature is dictated by the National Assembly." }, { "source": "webnlg", "text": "The Baku Turkish Martyrs' Memorial is in Azerbaijan, where the leader is Artur Rasizade, and legislature is dictated by the National Assembly." } ] }, { "tripleset": [ [ "Turkey", "LEADER_NAME", "Ahmet Davuto\u011flu" ], [ "Turkey", "CAPITAL", "Ankara" ], [ "Atat\u00fcrk Monument (\u0130zmir)", "LOCATION", "Turkey" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Ataturk Monument (Izmir) can be found in Turkey, where the capital is Ankara and leader is Ahmet Davutoglu." }, { "source": "webnlg", "text": "Ahmet Davutoglu is a leader from Turkey whose capital is Ankara and where the Ataturk Monument can be found in Izmir." }, { "source": "webnlg", "text": "The Atat\u00fcrk Monument (\u0130zmir) is found in Turkey, where the capital is Ankara and the leader is Ahmet Davuto\u011flu." } ] }, { "tripleset": [ [ "Amatriciana sauce", "REGION", "Lazio" ], [ "Amatriciana sauce", "COUNTRY", "Italy" ], [ "Amatriciana sauce", "INGREDIENT", "Guanciale" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Guanciale is an ingredient used in the preparation of Amatriciana sauce which is a traditional Italian sauce, that comes from the region of Lazio." }, { "source": "webnlg", "text": "Guanciale is an ingredient in Amatriciana sauce which comes from the Lazio region in Italy." }, { "source": "webnlg", "text": "Amatriciana, a sauce containing Guanciale, is a traditional Italian sauce from the Lazio region." } ] }, { "tripleset": [ [ "Arem-arem", "INGREDIENT", "Banana leaf" ], [ "Arem-arem", "REGION", "Javanese cuisine" ], [ "Arem-arem", "MAIN_INGREDIENTS", "\"compressed rice cooked in banana leaf with vegetables or minced meat fillings\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "A dish of Javanese cuisine, Arem arem has compressed rice cooked in banana leaf with vegetables or minced meat fillings." }, { "source": "webnlg", "text": "Arem arem is a Javanese dish and the main ingredients of Arem-arem are compressed rice cooked in banana leaf with vegetables or minced meat fillings." } ] }, { "tripleset": [ [ "Arrabbiata sauce", "INGREDIENT", "Tomato" ], [ "Tomato", "DIVISION", "Flowering plant" ], [ "Tomato", "FAMILY", "Solanaceae" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Tomato, used when making Arrabbiata sauce, is part of the flowering plant division and the Solanaceae family." }, { "source": "webnlg", "text": "Tomato, an ingredient of Arrabbiata sauce, is part of the flowering plant division and belongs to the family of solanaceae." }, { "source": "webnlg", "text": "An ingredient found in Arrabbiata sauce is the tomato, which belongs to the solanaceae family and is pat of the flowering plant division." } ] }, { "tripleset": [ [ "Arrabbiata sauce", "REGION", "Rome" ], [ "Arrabbiata sauce", "COUNTRY", "Italy" ], [ "Arrabbiata sauce", "INGREDIENT", "Olive oil" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Rome, Italy is where the sauce called arrabbiata is from, it includes olive oil as an ingredient used in it's preparation." }, { "source": "webnlg", "text": "Arrabbiata sauce is made from olive oil and comes from Rome in Italy." }, { "source": "webnlg", "text": "Arrabbiata sauce is a traditional dish from Rome, Italy. Olive oil is one of the ingredients in the sauce." } ] }, { "tripleset": [ [ "Arrabbiata sauce", "REGION", "Rome" ], [ "Arrabbiata sauce", "INGREDIENT", "Tomato" ], [ "Arrabbiata sauce", "COUNTRY", "Italy" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Tomatoes are found in Arrabbiata sauce, which is a dish from Rome in Italy." }, { "source": "webnlg", "text": "Arrabbiata sauce originates from the region of Rome, Italy, and tomato is one of its ingredients." } ] }, { "tripleset": [ [ "Asam pedas", "COUNTRY", "Malaysia" ], [ "Asam pedas", "MAIN_INGREDIENTS", "\"Fish cooked in sour and hot sauce\"" ], [ "Asam pedas", "REGION", "Malay Peninsula" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Fish cooked in hot and sour sauce is called asam pedas and can be found in the Malay Peninsula region of Malaysia." }, { "source": "webnlg", "text": "The main ingredient of asam pedas, which hails from Malaysia, Peninsula, is fish cooked in a sour and hot sauce." }, { "source": "webnlg", "text": "Asam pedas is a food from the Malay Peninsula region and the main ingredients are fish cooked in a sour and hot sauce." } ] }, { "tripleset": [ [ "Asam pedas", "COUNTRY", "Malaysia" ], [ "Malaysia", "CAPITAL", "Kuala Lumpur" ], [ "Malaysia", "LEADER_NAME", "Arifin Zakaria" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Asam pedas is a food found in Malaysia, where the capital is Kuala Lumpur, and Arifin Zakaria is the leader." }, { "source": "webnlg", "text": "The capitol city of Malaysia is Kuala Lumpur, the country is led by Arifin Zakaria and is home to the dish asam pedas." }, { "source": "webnlg", "text": "Kuala Lumpur is the capital of Malaysia. The leader is Arifin Zakaria and they eat asam pedas." } ] }, { "tripleset": [ [ "Ayam penyet", "REGION", "Malaysia" ], [ "Malaysia", "ETHNIC_GROUP", "Malaysian Chinese" ], [ "Ayam penyet", "COUNTRY", "Indonesia" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "From Indonesia, Ayam penyet, is a popular dish in Malaysia. Malaysian Chinese is an ethnic group from Malaysia." }, { "source": "webnlg", "text": "Ayam Penyet is found in Indonesia and Malaysia, home of Malaysian Chinese." } ] }, { "tripleset": [ [ "BLT", "INGREDIENT", "Lettuce" ], [ "BLT", "DISH_VARIATION", "Club sandwich" ], [ "Bacon sandwich", "DISH_VARIATION", "BLT" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "A variation on the club sandwich, BLT, has lettuce as an ingredient. A variation of the BLT is a bacon sandwich." }, { "source": "webnlg", "text": "Lettuce is an ingredient in a BLT which is a variation of a Club Sandwich. While the Bacon sandwich is a variation of BLT." } ] }, { "tripleset": [ [ "Bacon Explosion", "COUNTRY", "United States" ], [ "United States", "LEADER_NAME", "Barack Obama" ], [ "United States", "ETHNIC_GROUP", "White Americans" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Bacon Explosion come from the United States where Barack Obama is the leader and white Americans are an ethnic group." }, { "source": "webnlg", "text": "The Bacon Explosion is found in United States, led by Barack Obama and inhabited by White Americans." } ] }, { "tripleset": [ [ "Bacon Explosion", "COUNTRY", "United States" ], [ "United States", "LEADER_NAME", "John Roberts" ], [ "United States", "CAPITAL", "Washington, D.C." ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Bacon Explosion originates in the United States, where John Roberts is a leader and the capital is Washington DC." } ] }, { "tripleset": [ [ "Bacon sandwich", "DISH_VARIATION", "BLT" ], [ "BLT", "DISH_VARIATION", "Club sandwich" ], [ "Bacon sandwich", "INGREDIENT", "Bread" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The BLT and bacon sandwich are variations of a club sandwich which has bread as an ingredient." }, { "source": "webnlg", "text": "The BLT is a variation on the club sandwich or the bacon sandwich, all three are made with bread." }, { "source": "webnlg", "text": "Another variation for a bacon sandwich is a BLT, a variation on a club sandwich with bread as an ingredient." } ] }, { "tripleset": [ [ "Baked Alaska", "COUNTRY", "France" ], [ "Baked Alaska", "REGION", "New York" ], [ "Baked Alaska", "INGREDIENT", "Sponge cake" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Sponge cake is one of the ingredients of Baked Alaska which comes from the region of New York and France." }, { "source": "webnlg", "text": "Sponge cake is an ingredient of Baked Alaska which is claimed to come from France and New York." }, { "source": "webnlg", "text": "Sponge cake is an ingredient of Baked Alaska, which it is claimed originated in New York and France." } ] }, { "tripleset": [ [ "Baked Alaska", "COUNTRY", "France" ], [ "France", "LEADER_NAME", "Manuel Valls" ], [ "France", "CURRENCY", "Euro" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The leader of France is Manuel Valls where the Euro is the currency and the dish baked Alaska is from." }, { "source": "webnlg", "text": "The currency of France is the Euro, it is also where Manuel Valls is a leader and baked Alaska is a popular dish." } ] }, { "tripleset": [ [ "Baked Alaska", "COUNTRY", "United States" ], [ "Baked Alaska", "REGION", "New York" ], [ "Baked Alaska", "INGREDIENT", "Christmas pudding" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Baked Alaska is a dish found in the USA which contains christmas pudding and comes from New York." }, { "source": "webnlg", "text": "Baked Alaska contains Christmas pudding and is from the New York region of the United States." }, { "source": "webnlg", "text": "Christmas pudding is an ingredient of Baked Alaska which is a dish from the New York region and found in the whole of the United States." } ] }, { "tripleset": [ [ "Baked Alaska", "COURSE", "Dessert" ], [ "Dessert", "DISH_VARIATION", "Cookie" ], [ "Baked Alaska", "INGREDIENT", "Sponge cake" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Sponge cake is an ingredient of Baked Alaska which is a dessert. Another type of dessert is a cookie." }, { "source": "webnlg", "text": "Sponge cake is an ingredient in the dessert Baked Alaska, Another type of desert is a cookie." }, { "source": "webnlg", "text": "Sponge cake is a part of the dessert Baked Alaska, cookies are also a dessert." } ] }, { "tripleset": [ [ "Bakewell pudding", "REGION", "Derbyshire Dales" ], [ "Bakewell pudding", "COURSE", "\"Dessert\"" ], [ "Bakewell pudding", "MAIN_INGREDIENTS", "\"Ground almond, jam, butter, eggs\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Bakewell pudding's main ingredients are almond, jam, butter and eggs. It is a dessert from the Derbyshire Dales region." }, { "source": "webnlg", "text": "Bakewell pudding is a dessert that originates from the Derbyshire Dales and contains the ingredients ground almonds, jam, butter and eggs." }, { "source": "webnlg", "text": "The main ingredients of Bakewell pudding are ground almond, jam, butter, eggs. It is classed as a dessert and comes from the region of the Derbyshire Dales." } ] }, { "tripleset": [ [ "Bakewell pudding", "REGION", "Derbyshire Dales" ], [ "Bakewell pudding", "DISH_VARIATION", "Bakewell tart" ], [ "Bakewell pudding", "MAIN_INGREDIENTS", "\"Ground almond, jam, butter, eggs\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Bakewell tart is a variation of Bakewell pudding which originates from the Derbyshire Dales. Some main ingredients in Bakewell pudding are ground almonds, jam, butter and eggs." }, { "source": "webnlg", "text": "The main ingredients of Bakewell pudding are ground almond, jam, butter and eggs. It is a variant of Bakewell tart and comes from the Derbyshire Dales region." }, { "source": "webnlg", "text": "Bakewell pudding has ground almond, jam, butter and eggs as main ingredients. It is a variation of Bakewell pudding and originates from the Derbyshire Dales." } ] }, { "tripleset": [ [ "Bakso", "REGION", "Indonesia" ], [ "Bakso", "COUNTRY", "Indonesia" ], [ "Bakso", "INGREDIENT", "Beef" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Beef is an ingredient of Bakso which comes from and is found in Indonesia." }, { "source": "webnlg", "text": "Beef is an ingredient of Bakso which is a dish that comes from a region in Indonesia." }, { "source": "webnlg", "text": "Beef is an ingredient of Bakso which comes from the region of Indonesia." } ] }, { "tripleset": [ [ "Bandeja paisa", "INGREDIENT", "Avocado" ], [ "Bandeja paisa", "COUNTRY", "Colombian cuisine" ], [ "Bandeja paisa", "REGION", "Paisa Region" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Part of Colombian cuisine, Bandeja paisa is a traditional dish from the Paisa region. One of the main ingredients in this dish is avocado." }, { "source": "webnlg", "text": "Avocado is one of the ingredients in the dish Bandeja paisa, which is a dish from Colombian cuisine. It originates from the Paisa region." }, { "source": "webnlg", "text": "Avocado is one of the ingredients in the dish Bandeja paisa, which is typical Colombian cuisine originating from the Paisa region." } ] }, { "tripleset": [ [ "Bandeja paisa", "REGION", "Paisa Region" ], [ "Bandeja paisa", "COUNTRY", "Colombian cuisine" ], [ "Bandeja paisa", "INGREDIENT", "Hogao" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Bandeja paisa is a traditional dish from the Paisa region and part of Colombian cuisine. Hogao is an ingredient of Bandeja paisa." }, { "source": "webnlg", "text": "Bandeja paisa is a traditional dish from the Paisa region of Colombia and includes the ingredient hogao." }, { "source": "webnlg", "text": "Hogao is an ingredient of Bandeja paisa cuisine which is from the Paisa region of Colombia." } ] }, { "tripleset": [ [ "Barny Cakes", "COUNTRY", "France" ], [ "France", "LEADER_NAME", "Claude Bartolone" ], [ "France", "LEADER_NAME", "Manuel Valls" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Barny Cakes come from France where two of the leaders are Claude Bartolone and Manuel Valls." }, { "source": "webnlg", "text": "Barny Cakes come from France. Claude Bartolone and Manuel Valls are leaders in France." }, { "source": "webnlg", "text": "Barny cakes can be found in France where Claude Bartolone and Manuel Valls are leaders." } ] }, { "tripleset": [ [ "Batchoy", "COUNTRY", "Philippines" ], [ "Batchoy", "MAIN_INGREDIENTS", "\"noodles, pork organs, vegetables, chicken, shrimp, beef\"" ], [ "Batchoy", "INGREDIENT", "Noodle" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Eaten in the Philippines, batchoy has the main ingredients, noodles, pork organs, vegetables, chicken, shrimp, and beef." }, { "source": "webnlg", "text": "Batchoy is a dish eaten in the Philippines. It is a noodle dish which includes pork organs, vegetables, chicken, shrimp and beef." }, { "source": "webnlg", "text": "Noodles are an ingredient in batchoy, it also includes pork organs, vegetables, chicken, shrimp and beef. It hails from the Philippines." } ] }, { "tripleset": [ [ "Batchoy", "COUNTRY", "Philippines" ], [ "Batchoy", "MAIN_INGREDIENTS", "\"noodles, pork organs, vegetables, chicken, shrimp, beef\"" ], [ "Batchoy", "INGREDIENT", "Vegetable" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The main ingredients of batchoy are noodles, pork organs, vegetables, chicken, shrimp, and beef. It is eaten in the Philippines." }, { "source": "webnlg", "text": "Batchoy is eaten in the Philippines and the main ingredients are noodles, pork organs, vegetables, chicken, shrimp and beef." }, { "source": "webnlg", "text": "Philippines is the country Batchoy comes from, its main ingredients are noodles, pork organs, vegetables, chicken, shrimp and beef." } ] }, { "tripleset": [ [ "Beef kway teow", "COUNTRY", "Singapore" ], [ "Beef kway teow", "REGION", "\"Nationwide in Singapore and Indonesia\"" ], [ "Singapore", "LEADER_NAME", "Tony Tan" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Tony Tan is a leader in Singapore, where Beef kway teow is from. The dish is popular nationwide in Singapore and Indonesia." }, { "source": "webnlg", "text": "A popular dish in Singapore and Indonesia is beef kway teow, Tony Tan is the leader of Singapore." } ] }, { "tripleset": [ [ "Beef kway teow", "REGION", "Singapore" ], [ "Beef kway teow", "COUNTRY", "Indonesia" ], [ "Beef kway teow", "INGREDIENT", "Sesame oil" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "An ingredient in beef kway teow, from the Singapore region and popular in Indonesia, is sesame oil." }, { "source": "webnlg", "text": "Beef kway teow is from Singapore and Indonesia and is made with sesame oil." }, { "source": "webnlg", "text": "Beef kway teow comes from the Singapore region of Indonesia and has sesame oil as an ingredient." } ] }, { "tripleset": [ [ "Beef kway teow", "REGION", "Singapore" ], [ "Beef kway teow", "INGREDIENT", "Oyster sauce" ], [ "Beef kway teow", "COUNTRY", "\"Singapore and Indonesia\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Beef kway teow originates from Singapore and is also made in Indonesia. One of the ingredients in the dish is oyster sauce." }, { "source": "webnlg", "text": "Beef kway teow is a dish commonly found in Singapore, the Singapore region and Indonesia. It contains oyster sauce among the ingredients." } ] }, { "tripleset": [ [ "Bhajji", "COUNTRY", "India" ], [ "India", "CURRENCY", "Indian rupee" ], [ "India", "LEADER_NAME", "Sumitra Mahajan" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Bhajji comes from the country India, which leader is Sumitra Mahajan and its currency is the Indian rupee." } ] }, { "tripleset": [ [ "Binignit", "INGREDIENT", "Banana" ], [ "Binignit", "COURSE", "Dessert" ], [ "Dessert", "DISH_VARIATION", "Cookie" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Banana is an ingredient in binignit which is a dessert. A cookie is also a dessert." }, { "source": "webnlg", "text": "Cookies and Binignit, which contains banana as a key ingredient, are types of desserts and should be served as that course." }, { "source": "webnlg", "text": "Binignit is a dessert which contains the ingredient of bananas. Cookie is another dessert." } ] }, { "tripleset": [ [ "Binignit", "INGREDIENT", "Sago" ], [ "Binignit", "COURSE", "Dessert" ], [ "Dessert", "DISH_VARIATION", "Cookie" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Binignit is a type of dessert with the ingredient sago, a cookie is also a dessert." }, { "source": "webnlg", "text": "Cookies and Binignit are types of dessert. A key ingredient of Binignit is Sago." }, { "source": "webnlg", "text": "Sago is one of the ingredients in the dish Binignit which is a dessert course. Cookies are also a type of dessert." } ] }, { "tripleset": [ [ "Binignit", "INGREDIENT", "Taro" ], [ "Binignit", "COURSE", "Dessert" ], [ "Dessert", "DISH_VARIATION", "Cookie" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Taro is an ingredient in Binignit which is a dessert. Similarly, a cookie is a dessert." }, { "source": "webnlg", "text": "Taro is an ingredient in Binignit which should be served as the dessert course. A cookie is a dessert." }, { "source": "webnlg", "text": "Cookie is a type of dessert, sames as Binignit, that is an ingredient found in taro." } ] }, { "tripleset": [ [ "Binignit", "MAIN_INGREDIENTS", "Sweet potato" ], [ "Binignit", "INGREDIENT", "Banana" ], [ "Sweet potato", "ORDER", "Solanales" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Sweet potato, from the Solanales order of plants, and banana are two of the key ingredients in Binignit." }, { "source": "webnlg", "text": "The main ingredient of binignit is sweet potato, which is of the order of Solanales. Banana is another ingredient of the dish." }, { "source": "webnlg", "text": "Sweet potato are part of the order of Solanales and are one of the main ingredients of binignit, along with banana." } ] }, { "tripleset": [ [ "Bionico", "COUNTRY", "Mexico" ], [ "Bionico", "COURSE", "Dessert" ], [ "Bionico", "INGREDIENT", "Granola" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Found in Mexico, the food, Bionico (with granola as an ingredient), is served at the dessert course." }, { "source": "webnlg", "text": "Bionico is served as a dessert course. It is found in Mexico and requires granola as an ingredient." } ] }, { "tripleset": [ [ "Bionico", "COUNTRY", "Mexico" ], [ "Bionico", "REGION", "Guadalajara" ], [ "Bionico", "INGREDIENT", "Raisin" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Bionico is a food which contains raisins from Guadalajara, Mexico." }, { "source": "webnlg", "text": "Bionico, which contains raisins, is from the Guadalajara region of Mexico." }, { "source": "webnlg", "text": "Bionico can be found in Guadalajara, Mexico, and it contains raisins." } ] }, { "tripleset": [ [ "Bionico", "COUNTRY", "Mexico" ], [ "Mexico", "LEADER_NAME", "Silvano Aureoles Conejo" ], [ "Mexico", "CURRENCY", "Mexican peso" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Silvano Aureoles Conejo is the leader in Mexico. The country where the currency is the peso and where the food Bionico is found." }, { "source": "webnlg", "text": "The name of the leader in Mexico is Silvano Aureoles Conejo whose currency is the Mexican peso. Bionico is a food found in that country." }, { "source": "webnlg", "text": "Bionico is from Mexico where Silvano Aureoles Conejo is the leader and the currency is the Mexican peso." } ] }, { "tripleset": [ [ "Italy", "CAPITAL", "Rome" ], [ "Amatriciana sauce", "COUNTRY", "Italy" ], [ "Italy", "LEADER_NAME", "Pietro Grasso" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Amatriciana sauce comes from Italy which has the capital city of Rome and is led by Pietro Grasso." }, { "source": "webnlg", "text": "Italy is the country Amatriciana sauce comes from. The capital of Italy is Rome and the leader is Pietro Grasso." } ] }, { "tripleset": [ [ "Philippines", "LANGUAGE", "Arabic" ], [ "Batchoy", "COUNTRY", "Philippines" ], [ "Philippines", "ETHNIC_GROUP", "Igorot people" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Batchoy is a dish from the Philippines, where Arabic is spoken and where one of the ethnic groups is the Igorot people." }, { "source": "webnlg", "text": "Batchoy is a dish from the Philippines, where Igorot people are part of one of the ethnic groups and where one of the languages spoken is Arabic." }, { "source": "webnlg", "text": "Batchoy comes from the Philippines where the Igorot people are an ethnic group and one of the languages is Arabic." } ] }, { "tripleset": [ [ "Singapore", "LEADER_NAME", "Tony Tan" ], [ "Singapore", "LANGUAGE", "English language" ], [ "Beef kway teow", "COUNTRY", "Singapore" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The leader of Singapore is Tony Tan where English is spoken and beef kway teow is a popular dish." }, { "source": "webnlg", "text": "Beef kway teow is a popular dish in Singapore where Tony Tan is the leader and the English language is spoken." }, { "source": "webnlg", "text": "Tony Tan is a leader in Singapore, where english is spoken and Beef kway teow is a popular dish." } ] }, { "tripleset": [ [ "Tomato", "FAMILY", "Solanaceae" ], [ "Amatriciana sauce", "INGREDIENT", "Tomato" ], [ "Tomato", "ORDER", "Solanales" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Tomatoes which are part of the solanaceae family and solanales order are a key ingredient in Amatriciana sauce." }, { "source": "webnlg", "text": "The tomato, used in an Amatriciana sauce, belongs to the family Solanaceae and is of the order Solanales." }, { "source": "webnlg", "text": "Tomatoes belong to the order of solanales, the family of solanaceae, and are an ingredient in Amatriciana sauce." } ] }, { "tripleset": [ [ "AWH Engineering College", "COUNTRY", "India" ], [ "AWH Engineering College", "ACADEMIC_STAFF_SIZE", "250" ], [ "AWH Engineering College", "STATE", "Kerala" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "AWH Engineering College is located in Kerala, India and it has 250 academic staff." }, { "source": "webnlg", "text": "AWH Engineering College has an academic staff of 250 and is located in the state of Kerala, India." }, { "source": "webnlg", "text": "AWH Engineering College in Kerala, India has a staff of 250." } ] }, { "tripleset": [ [ "Acharya Institute of Technology", "CITY", "Bangalore" ], [ "Acharya Institute of Technology", "NUMBER_OF_POSTGRADUATE_STUDENTS", "700" ], [ "Acharya Institute of Technology", "AFFILIATION", "Visvesvaraya Technological University" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Acharya Institute of Technology is in Bangalore. It has 700 postgraduate students and is affiliated with the Visvesvaraya Technological University." }, { "source": "webnlg", "text": "The Acharya Institute of Technology, Bangalore, has 700 postgraduate students and is affiliated with Visvesvaraya Technological University." } ] }, { "tripleset": [ [ "Kerala", "LEADER_NAME", "Kochi" ], [ "AWH Engineering College", "STATE", "Kerala" ], [ "Kerala", "HAS_TO_ITS_NORTHWEST", "Mah\u00e9, India" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "AWH Engineering College is located in Kerala. The leader of Kerala is Kochi. To the northwest of Kerala is Mahe, India." }, { "source": "webnlg", "text": "Kochi is the leader of Kerala which is southeast of Mahe India, and the location of the AWH Engineering College." }, { "source": "webnlg", "text": "The AWH Engineering College in Kerala is southeast of Mahe in India. The leader of Kerala is named Kochi." } ] }, { "tripleset": [ [ "Romania", "ETHNIC_GROUP", "Germans of Romania" ], [ "1 Decembrie 1918 University", "COUNTRY", "Romania" ], [ "Romania", "ANTHEM", "De\u0219teapt\u0103-te, rom\u00e2ne!" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Romania's ethnic group is Germans of Romania and its university is 1 Decembrie 1918 University. Its anthem is called Desteapta-te romane." }, { "source": "webnlg", "text": "Romania is the home of the ethnic group of Germans of Romania, and is the location of the 1 Decembrie 1918 University. The Romanian anthem is Desteapta-te romane." }, { "source": "webnlg", "text": "The 1 Decembrie 1918 University is located in Romania, which is ethnically German and the national anthem is De\u0219teapt\u0103-te, rom\u00e2ne!" } ] }, { "tripleset": [ [ "Romania", "ETHNIC_GROUP", "Germans of Romania" ], [ "Romania", "LEADER_NAME", "Klaus Iohannis" ], [ "1 Decembrie 1918 University", "COUNTRY", "Romania" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The 1 Decembrie 1918 University is in Romania. Romania is led by Klaus Iohannis, a member of Germans of Romania." }, { "source": "webnlg", "text": "The 1 Decembrie 1918 University is located in Romania. The Romanian leader is called Klaus Iohannis and one of the country's ethnic groups are the Germans of Romania." } ] }, { "tripleset": [ [ "School of Business and Social Sciences at the Aarhus University", "AFFILIATION", "European University Association" ], [ "European University Association", "HEADQUARTERS", "Brussels" ], [ "School of Business and Social Sciences at the Aarhus University", "ESTABLISHED", "1928" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The School of Business and Social Sciences at the Aarhus University was established in 1928. It is affiliated with the European University Association in Brussels." }, { "source": "webnlg", "text": "The School of Business and Social Sciences at the Aarhus University was established 1928 and is affiliated with the European University Association (which has its headquarters in Brussels)." } ] }, { "tripleset": [ [ "School of Business and Social Sciences at the Aarhus University", "CITY", "Aarhus" ], [ "School of Business and Social Sciences at the Aarhus University", "COUNTRY", "Denmark" ], [ "School of Business and Social Sciences at the Aarhus University", "ESTABLISHED", "1928" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The School of Business and Social Sciences at the Aarhus University is in Aarhus, Denmark. It was established in 1928." }, { "source": "webnlg", "text": "The School of Business and Social Sciences at the Aarhus University, Denmark, was established in 1928." } ] }, { "tripleset": [ [ "Asterix (comicsCharacter)", "CREATOR", "Ren\u00e9 Goscinny" ], [ "Ren\u00e9 Goscinny", "NATIONALITY", "French people" ], [ "Asterix (comicsCharacter)", "CREATOR", "Albert Uderzo" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Asterix was created by Albert Uderzo and Rene Goscinny who is a French national." }, { "source": "webnlg", "text": "The comic character Asterix, was created by Albert Uderzo and Ren\u00e9 Goscinny, who is French." }, { "source": "webnlg", "text": "The comic book character Asterix was created by Albert Uderzo and the Frenchman Ren\u00e9 Goscinny." } ] }, { "tripleset": [ [ "Bananaman", "STARRING", "Tim Brooke-Taylor" ], [ "Bananaman", "BROADCASTED_BY", "BBC" ], [ "Bananaman", "LAST_AIRED", "\"1986-04-15\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The TV series Bananaman starred Tim Brooke-Taylor and was last aired on the BBC on 15th April 1986." }, { "source": "webnlg", "text": "Bananaman, which was broadcast by the BBC and last aired on April 15th, 1986, starred Tim Brooke-Taylor." }, { "source": "webnlg", "text": "Tim Brooke Taylor starred in Bananaman which was broadcast by the BBC and last aired on 15 April 1986." } ] }, { "tripleset": [ [ "Baymax", "FIRST_APPEARANCE_IN_FILM", "Big Hero 6 (film)" ], [ "Big Hero 6 (film)", "DISTRIBUTOR", "Walt Disney Studios Motion Pictures" ], [ "Big Hero 6 (film)", "STARRING", "Scott Adsit" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Walt Disney Studios Motion Pictures distributed Big Hero 6, a film starring Scott Adsit in which Baymax first appeared." }, { "source": "webnlg", "text": "The first appearance in a film for the character Baymax was Big Hero 6, distributed by Walt Disney Studios Motion Pictures, the film starred Scott Adsit." }, { "source": "webnlg", "text": "Walt Disney Studios Motion Pictures is the distributor of the film , Big Hero 6 starring Scott Adsit and in which Baymax made his first film appearance." } ] }, { "tripleset": [ [ "Big Hero 6 (film)", "DISTRIBUTOR", "Walt Disney Studios Motion Pictures" ], [ "Baymax", "SERIES", "Big Hero 6 (film)" ], [ "Big Hero 6 (film)", "STARRING", "Scott Adsit" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The film, Big hero 6 which includes the character of Baymax, stars Scott Adsit and is distributed by Walt Disney Studios Motion Pictures." }, { "source": "webnlg", "text": "The film, Big Hero 6 stars Scott Adsit and includes the character Baymax. It was distributed by Walt Disney Studios Motion Pictures." }, { "source": "webnlg", "text": "Big Hero 6 is distributed by Walt Disney Studios Motion Pictures and starts Scott Adsit and has a character called Baymax." } ] }, { "tripleset": [ [ "Big Hero 6 (film)", "STARRING", "Ryan Potter" ], [ "Big Hero 6 (film)", "DISTRIBUTOR", "Walt Disney Studios Motion Pictures" ], [ "Baymax", "SERIES", "Big Hero 6 (film)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Walt Disney Studio Motion Picture distributed the film Big Hero 6, in which Ryan Potter starred and Baymax is a character." }, { "source": "webnlg", "text": "Baymax is a character in the Big Hero 6 film starring Ryan Potter and distributed by Walt Disney Studios Motion Pictures." }, { "source": "webnlg", "text": "The movie Big Hero 6 stars Ryan Potter which has Baymax as one of its characters, was distributed by Walt Disney Studios Motion Pictures." } ] }, { "tripleset": [ [ "Blockbuster (comicsCharacter)", "CREATOR", "Gardner Fox" ], [ "Blockbuster (comicsCharacter)", "ALTERNATIVE_NAME", "\"Mark Desmond\"" ], [ "Blockbuster (comicsCharacter)", "CREATOR", "Carmine Infantino" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The comic character Blockbuster, AKA Mark Desmond, was created by Gardner Fox and Carmine Infantino." }, { "source": "webnlg", "text": "The comics character Blockbuster, aka Mark Desmond,was created by Gardner Fox and Carmine Infantino." } ] }, { "tripleset": [ [ "Bolt (comicsCharacter)", "ALTERNATIVE_NAME", "\"Larry Bolatinsky\"" ], [ "Bolt (comicsCharacter)", "CREATOR", "Dan Mishkin" ], [ "Bolt (comicsCharacter)", "CREATOR", "Gary Cohn (comics)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The comic character Bolt, with the alternative name Larry Bolatinsky, was created by Gary Cohn and Dan Mishkin." }, { "source": "webnlg", "text": "Larry Bolatinsky is the alternative name for the comic character Bolt who was created by Gary Cohn and Dan Mishkin." }, { "source": "webnlg", "text": "Larry Bolatinsky is the alternative name for the comic character, Bolt who was created by Dan Mishkin and the comic book writer, Gary Cohn." } ] }, { "tripleset": [ [ "Bolt (comicsCharacter)", "CREATOR", "Ernie Col\u00f3n" ], [ "Bolt (comicsCharacter)", "ALTERNATIVE_NAME", "\"Larry Bolatinsky\"" ], [ "Bolt (comicsCharacter)", "CREATOR", "Gary Cohn (comics)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The comic character of Bolt has the alternative name of Larry Bolatinsky and was created by Ernie Colon and the comic book writer, Gary Cohn." }, { "source": "webnlg", "text": "Bolt, a comic character is also known as Larry Bolatinsky was created by Ernie Colon and Gary Cohn." }, { "source": "webnlg", "text": "Ernie Colon and Gary Cohn created the comic character Bolt, who has the alternative name Larry Bolatinsky." } ] }, { "tripleset": [ [ "103 Colmore Row", "LOCATION", "Birmingham" ], [ "103 Colmore Row", "COMPLETION_DATE", "1976" ], [ "103 Colmore Row", "BUILDING_START_DATE", "\"1973\"" ], [ "103 Colmore Row", "FLOOR_COUNT", "23" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The building of 103 Colmore Row began in 1973 and it was completed in 1976. It is located at 103 Colmore Row, Birmingham and it has 23 floors." } ] }, { "tripleset": [ [ "11 Diagonal Street", "LOCATION", "South Africa" ], [ "South Africa", "ETHNIC_GROUP", "Asian South Africans" ], [ "South Africa", "CAPITAL", "Cape Town" ], [ "South Africa", "ETHNIC_GROUP", "Coloured" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "11 Diagonal Street is in South Africa, the capital of which is Cape Town. Two of the ethnic groups within South Africa are coloured people and Asian South Africans." } ] }, { "tripleset": [ [ "200 Public Square", "LOCATION", "Cleveland" ], [ "Cleveland", "IS_PART_OF", "Cuyahoga County, Ohio" ], [ "Cleveland", "COUNTRY", "United States" ], [ "Cleveland", "GOVERNING_BODY", "Cleveland City Council" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Cleveland City Council govern Cleveland, Cuyahoga County, Ohio, United States where 200 Public Square is located." }, { "source": "webnlg", "text": "200 Public square is in Cleveland, part of Cuyahoga County, Ohio in the United States and the governing body is the Cleveland City Council." } ] }, { "tripleset": [ [ "250 Delaware Avenue", "LOCATION", "Buffalo, New York" ], [ "250 Delaware Avenue", "COST", "\"110 million (dollars)\"" ], [ "250 Delaware Avenue", "FLOOR_AREA", "30843.8 (square metres)" ], [ "250 Delaware Avenue", "FLOOR_COUNT", "12" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "250 Delaware Avenue is located in Buffalo, New York and was built at a cost of 110 million (dollars). It has 12 floors with a total area of 30843.8 (square metres)." }, { "source": "webnlg", "text": "250 Delaware Avenue in Buffalo, New York cost 110 million dollars and has 12 floors with a total area of 30843.8 square metres." } ] }, { "tripleset": [ [ "300 North LaSalle", "LOCATION", "Chicago" ], [ "Chicago", "LEADER_NAME", "Rahm Emanuel" ], [ "Chicago", "IS_PART_OF", "Cook County, Illinois" ], [ "Chicago", "COUNTRY", "United States" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "300 North LaSalle is in Chicago, Cook County, Illinois, USA. Rahm Emanuel is the leader of the aforementioned city." }, { "source": "webnlg", "text": "300 North LaSalle is located in Chicago, which is a part of Cook County in Illinois, United States. Rahm Emanuel is a leader in Chicago." }, { "source": "webnlg", "text": "Rahm Emanuel is the leader of Chicago, Cook County, Illinois, United States which is the location of 300 North LaSalle." } ] }, { "tripleset": [ [ "300 North LaSalle", "LOCATION", "Illinois" ], [ "300 North LaSalle", "FLOOR_AREA", "120770.0 (square metres)" ], [ "300 North LaSalle", "COMPLETION_DATE", "2009" ], [ "300 North LaSalle", "FLOOR_COUNT", "60" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The building at 300 North LaSalle, Illinois, completed in 2009, has 60 floors covering an area of 120770.0 square metres." }, { "source": "webnlg", "text": "300 North LaSalle, a 120770.0 square metre 60 floor building in Illinois, was completed in 2009." }, { "source": "webnlg", "text": "300 North LaSalle in Illinois was completed in 2009 and has 60 floors with a total area of 120770.0 square metres." } ] }, { "tripleset": [ [ "3Arena", "OWNER", "Live Nation Entertainment" ], [ "Dublin", "IS_PART_OF", "Republic of Ireland" ], [ "3Arena", "LOCATION", "Dublin" ], [ "Dublin", "IS_PART_OF", "Leinster" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The owner of 3Arena, Dublin, Leinster, Republic of Ireland is Live Nation Entertainment." }, { "source": "webnlg", "text": "Dublin is part of Leinster and a city in the Republic of Ireland. Dublin is also home to the 3Arena which is currently owned by Live Nation Entertainment." } ] }, { "tripleset": [ [ "AC Hotel Bella Sky Copenhagen", "TENANT", "Marriott International" ], [ "AC Hotel Bella Sky Copenhagen", "LOCATION", "Copenhagen" ], [ "AC Hotel Bella Sky Copenhagen", "ARCHITECT", "3XN" ], [ "AC Hotel Bella Sky Copenhagen", "FLOOR_COUNT", "23" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Marriott International is the tenant of AC Hotel Bella Sky in Copenhagen which has 23 floors was designed by the architects 3XN." }, { "source": "webnlg", "text": "The AC Hotel Bella Sky is located in Copenhagen and has 23 floors. The hotel was designed by the architects of the 3XN firm and the current tenant is Marriott International." } ] }, { "tripleset": [ [ "Adare Manor", "LOCATION", "Adare" ], [ "County Limerick", "IS_PART_OF", "Munster" ], [ "Adare Manor", "LOCATION", "County Limerick" ], [ "County Limerick", "GOVERNMENT_TYPE", "Limerick City and County Council" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Adare Manor is located in Adare, County Limerick, Munster, which is governed by the Limerick City and County Council." }, { "source": "webnlg", "text": "Adare Manor is located in Adare County Limerick, Munster which is governed by Limerick City and County Council." }, { "source": "webnlg", "text": "Adare Manor is located in Adare, County Limerick, Munster. The County is governed by Limerick City and County Council." } ] }, { "tripleset": [ [ "Akita Museum of Art", "COUNTRY", "Japan" ], [ "Akita Museum of Art", "LOCATION", "Akita, Akita" ], [ "Akita, Akita", "IS_PART_OF", "Akita Prefecture" ], [ "Japan", "ETHNIC_GROUP", "Brazilians in Japan" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Akita Museum of Art, located in Akita, Akita, part of Akita Prefecture, Japan displays art from Brazilians, one of the ethnic groups in that country." }, { "source": "webnlg", "text": "The Akita Museum of Art is located in Akita, Akita, of the Akita Prefecture in Japan. Brazilians are one of the Japanese ethnic groups." }, { "source": "webnlg", "text": "The Akita Museum of Art is an art museum in the city of Akita, in Japan. Akita, Akita is part of the Akita Prefecture. Many Brazilian people live in Japan." } ] }, { "tripleset": [ [ "Akita Museum of Art", "COUNTRY", "Japan" ], [ "Akita Museum of Art", "LOCATION", "Akita, Akita" ], [ "Akita, Akita", "IS_PART_OF", "Akita Prefecture" ], [ "Japan", "ETHNIC_GROUP", "Filipinos in Japan" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Akita Museum of Art is an art museum in the Japanese city of Akita on the Akita Prefecture. Japan is diverse with a number of ethnic groups including Filipinos." }, { "source": "webnlg", "text": "The Akita Museum of Art is located in Akita, Akita (in Japan), part of the Akita Prefecture, where one of the ethnic groups is the Filipinos." }, { "source": "webnlg", "text": "Japan, home to many Filipinos, is home to the Akita Museum of Art in Akita Prefecture." } ] }, { "tripleset": [ [ "Akita Museum of Art", "COUNTRY", "Japan" ], [ "Akita Museum of Art", "LOCATION", "Akita Prefecture" ], [ "Japan", "ETHNIC_GROUP", "Vietnamese people in Japan" ], [ "Akita Museum of Art", "LOCATION", "Akita, Akita" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Akita Museum of Art is located in the Akita Prefecture of Japan, in Akita, Akita. One ethnic group of Japan is the Vietnamese People." }, { "source": "webnlg", "text": "Akita Museum of Art is located in Akita Prefecture, in Akita, Akita, Japan, a country with the ethnic group of Vietnamese people." }, { "source": "webnlg", "text": "Akita Museum of Art is located in Akita, Akita, Akita Prefecture, Japan. Vietnamese people in Japan are an ethnic group from Japan." } ] }, { "tripleset": [ [ "Akita Museum of Art", "COUNTRY", "Japan" ], [ "Japan", "ETHNIC_GROUP", "Brazilians in Japan" ], [ "Akita Museum of Art", "LOCATION", "Akita Prefecture" ], [ "Akita Museum of Art", "LOCATION", "Akita, Akita" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Akita Museum of Art is located in Akita, which is part of the Akita Prefecture in Japan. The Brazilians in Japan are an ethnic group found in this country." }, { "source": "webnlg", "text": "The Brazilians are one of the ethnic groups of Japan where the Akita Museum of Art is located in Akita, Akita Prefecture." } ] }, { "tripleset": [ [ "Alan B. Miller Hall", "OWNER", "College of William &amp; Mary" ], [ "Alan B. Miller Hall", "COMPLETION_DATE", "\"1 June 2009\"" ], [ "Alan B. Miller Hall", "ADDRESS", "\"101 Ukrop Way\"" ], [ "Alan B. Miller Hall", "LOCATION", "Williamsburg, Virginia" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The College of William and Mary own Alan B Miller Hall which was completed on 1 June 2009 at 101 Ukrop Way, Williamsburg, Virginia." }, { "source": "webnlg", "text": "Alan B Miller Hall, 101 Ukrop Way, Williamsburg, Virginia was completed on 1st June 2009 and is owned by the College of William and Mary." }, { "source": "webnlg", "text": "The Alan B.Miller Hall is located on 101 Ukrop Way, Williamsburg, Virginia and it was completed on the 1st June, 2009. It is owned by the College of William and Mary." } ] }, { "tripleset": [ [ "Amdavad ni Gufa", "LOCATION", "Gujarat" ], [ "Amdavad ni Gufa", "COUNTRY", "India" ], [ "India", "LEADER_NAME", "Narendra Modi" ], [ "India", "LEADER_NAME", "Sumitra Mahajan" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Sumitra Mahajan and Narendra Modi are leaders of India where Amdavad ni Gufa is located in Gujarat." }, { "source": "webnlg", "text": "Amdavad ni Gufa is located in Gujarat, India where Narendra Modi is the prime minister and one of the leaders is Sumitra Mahajan." } ] }, { "tripleset": [ [ "Asilomar Conference Grounds", "LOCATION", "Pacific Grove, California" ], [ "Asilomar Conference Grounds", "ADDED_TO_THE_NATIONAL_REGISTER_OF_HISTORIC_PLACES", "\"1987-02-27\"" ], [ "Asilomar Conference Grounds", "REFERENCE_NUMBER_IN_THE_NATIONAL_REGISTER_OF_HISTORIC_PLACES", "\"87000823\"" ], [ "Asilomar Conference Grounds", "YEAR_OF_CONSTRUCTION", "1913" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Added to National Register of Historic Places on February the 27nd, 1987 (reference number 87000823), the Asilomar Conference Grounds was built in 1913 and are located in Pacific Grove, California." }, { "source": "webnlg", "text": "The Asilomar Conference Grounds were constructed in 1913 in Pacific Grove, California, and were added to the National Register of Historic Places on February the 27nd 1987 with reference number 87000823." }, { "source": "webnlg", "text": "The Asilomar Conference Grounds constructed in 1913 is located at Pacific Grove, California. It was added to the National Register of Historic Places on 27 February 1987 with the reference number 87000823." } ] }, { "tripleset": [ [ "Asser Levy Public Baths", "LOCATION", "Avenue A (Manhattan)" ], [ "Asser Levy Public Baths", "REFERENCE_NUMBER_IN_THE_NATIONAL_REGISTER_OF_HISTORIC_PLACES", "\"80002709\"" ], [ "Asser Levy Public Baths", "YEAR_OF_CONSTRUCTION", "1904" ], [ "Asser Levy Public Baths", "ADDED_TO_THE_NATIONAL_REGISTER_OF_HISTORIC_PLACES", "\"1980-04-23\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Located in Avenue A in Manhatten, Asser Levy Public Baths was built in 1904 and was added to the National Register of Historic Places on 1980/04/23 with the reference number of 80002709." }, { "source": "webnlg", "text": "Built in 1904 and located in Avenue A, Manhattan, Asser Levy Public Baths was added to the National Register of the Historic places on 1980/04/23 (reference number 80002709)." } ] }, { "tripleset": [ [ "Asser Levy Public Baths", "LOCATION", "New York City" ], [ "Manhattan", "LEADER_NAME", "Cyrus Vance, Jr." ], [ "New York City", "IS_PART_OF", "Manhattan" ], [ "New York City", "IS_PART_OF", "Brooklyn" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Asser Levy Public Baths are located in Brooklyn, Manhattan, New York City where Cyrus Vance Jr. is one of the leaders." }, { "source": "webnlg", "text": "The Asser Levy Public baths are located in New York City which has sections known as Brooklyn and Manhattan. Cyrus Vance Jr is the leader of Manhattan." }, { "source": "webnlg", "text": "Manhattan (leader: Cyrus Vance Jr.) and Brooklyn are parts of New York City, which is home to the Asser Levy Public Baths." } ] }, { "tripleset": [ [ "Asser Levy Public Baths", "LOCATION", "New York City" ], [ "New York City", "COUNTRY", "United States" ], [ "Manhattan", "LEADER_NAME", "Gale Brewer" ], [ "New York City", "IS_PART_OF", "Manhattan" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Asser Levy Public Baths are in New York, USA. Gale Brewer is the leader of Manhattan, which is a part of New York." }, { "source": "webnlg", "text": "Gale Brewer is the leader of Manhattan, New York City, United States where the Asser Levy Public baths are located." } ] }, { "tripleset": [ [ "Birmingham", "POSTAL_CODE", "B postcode area" ], [ "103 Colmore Row", "ARCHITECT", "John Madin" ], [ "John Madin", "BIRTH_PLACE", "Birmingham" ], [ "Birmingham", "LEADER_NAME", "Andrew Mitchell" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "103 Colmore Row was designed by the architect John Madin, who was born in Birmingham. The B postcode area is the postal code of Birmingham and the city's leader is Andrew Mitchell." }, { "source": "webnlg", "text": "Led by Andrew Mitchell, Birmingham has postcode area 'B' and is the birthplace of the 103 Colmore Row architect, John Madin." } ] }, { "tripleset": [ [ "Birmingham", "POSTAL_CODE", "B postcode area" ], [ "103 Colmore Row", "ARCHITECT", "John Madin" ], [ "John Madin", "BIRTH_PLACE", "Birmingham" ], [ "Birmingham", "LEADER_NAME", "Labour Party (UK)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Birmingham has the B postcode, is led by the Labour party and is the birthplace of architect John Madin who designed 103 Colmore Row." }, { "source": "webnlg", "text": "103 Colmore Row was designed by the architect, John Madin who was born in Birmingham. Birmingham Council is led by the Labour party and has a B postal code." } ] }, { "tripleset": [ [ "Gujarat", "LEADER_NAME", "Anandiben Patel" ], [ "Amdavad ni Gufa", "LOCATION", "Gujarat" ], [ "Amdavad ni Gufa", "COUNTRY", "India" ], [ "India", "LEADER_NAME", "Sumitra Mahajan" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Anandiben Patel was the leader of Gujarat, India, where Amdavad ni Gufa is located. The leader of India's name is Sumitra Mahajan." }, { "source": "webnlg", "text": "Anandiben Patel is a leader in Gujarat, India where Amdavad ni Gufa is located. Sumitra Mahajan is also an Indian leader." } ] }, { "tripleset": [ [ "India", "LEADER_NAME", "T. S. Thakur" ], [ "Amdavad ni Gufa", "LOCATION", "Gujarat" ], [ "Amdavad ni Gufa", "COUNTRY", "India" ], [ "India", "LEADER_NAME", "Narendra Modi" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "T. S. Thakur was an Indian leader but the current leader of India is Narendra Modi. Amdavad ni Gufa is located in Gujarat, India." }, { "source": "webnlg", "text": "The Prime Minister of India is Narendra Modi, and T S Thakur is another leader. The country is the location of Amdavad ni Gufa in Gujarat." } ] }, { "tripleset": [ [ "Japan", "ETHNIC_GROUP", "Brazilians in Japan" ], [ "Akita Prefecture", "COUNTRY", "Japan" ], [ "Akita Museum of Art", "LOCATION", "Akita Prefecture" ], [ "Akita Museum of Art", "LOCATION", "Akita, Akita" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Brazilians are one of the ethnic groups found in Japan which is the location of the Akita Museum of Art, Akita, Akita Prefecture." }, { "source": "webnlg", "text": "The Brazilians are one of the ethnic groups of Japan where the Akita Museum of Art is located in Akita, Akita Prefecture." }, { "source": "webnlg", "text": "The Akita Musuem of Art is located in Akita Prefecture (Akita) which is located in Japan. One of the ethnic groups in Japan is Brazillian." } ] }, { "tripleset": [ [ "London", "LEADER_TITLE", "Parliament of the United Kingdom" ], [ "20 Fenchurch Street", "LOCATION", "United Kingdom" ], [ "United Kingdom", "CAPITAL", "London" ], [ "United Kingdom", "LEADER_NAME", "Elizabeth II" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Parliament of the United Kingdom is the leader of London, the capital city. Elizabeth II is also a leader and 20 Fenchurch Street is located in the country ." }, { "source": "webnlg", "text": "London is the capital of the United Kingdom, which is governed by Parliament and has Elizabeth II as its leader. 20 Fenchurch Street is located in the UK." }, { "source": "webnlg", "text": "20 Fenchurch Street is located in the United Kingdom, which has London is its capital, and is ruled by the Parliament of the United Kingdom and Queen Elizabeth II." } ] }, { "tripleset": [ [ "United States", "LANGUAGE", "English language" ], [ "United States", "LEADER_TITLE", "President of the United States" ], [ "United States", "LEADER_NAME", "Joe Biden" ], [ "250 Delaware Avenue", "LOCATION", "United States" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "250 Delaware Avenue is located in the United States, where English is spoken and the leader has the title President. Joe Biden is one of the leaders." }, { "source": "webnlg", "text": "250 Delaware Avenue is located in the United States where the leader is known as the President of the United States, they speak English and Joe Biden is also a leader." } ] }, { "tripleset": [ [ "11th Mississippi Infantry Monument", "COUNTRY", "\"United States\"" ], [ "11th Mississippi Infantry Monument", "STATE", "\"Pennsylvania\"" ], [ "11th Mississippi Infantry Monument", "ESTABLISHED", "2000" ], [ "11th Mississippi Infantry Monument", "CATEGORY", "Contributing property" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The 11th Mississippi Infantry Monument (established in 2000) is in Pennsylvania in the United States, where it is categorised as a contributing property." }, { "source": "webnlg", "text": "The 11th Mississippi Infantry Monument is located in Pennsylvania in the United States. Established in the year 2000, the Monument falls under the category of Contributing property." }, { "source": "webnlg", "text": "The 11th Mississippi Infantry monument is located in Pennsylvania, United States. It was established in 2000 and categorised as Contributing Property." } ] }, { "tripleset": [ [ "Azerbaijan", "CAPITAL", "Baku" ], [ "Azerbaijan", "LEADER_TITLE", "Prime Minister of Azerbaijan" ], [ "Baku Turkish Martyrs' Memorial", "LOCATION", "Azerbaijan" ], [ "Azerbaijan", "LEADER_NAME", "Artur Rasizade" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Turkish martyrs memorial is located in Baku, the capital of Azerbaijan, where the leader (Prime Minister of Azerbaijan) is called Artur Rasizade." }, { "source": "webnlg", "text": "Prime Minister of Azerbaijan is the official title of the leader of Azerbaijan and his name is Artur Rasizade. The Baku Turkish Martyrs' Memorial can be found in Baku, the capital of Azerbaijan." }, { "source": "webnlg", "text": "The Baku Turkish Martyrs' Memorial is located in Baku, the capital of Azerbaijan, which is led by the Prime Minister of Azerbaijan, Artur Rasizade." } ] }, { "tripleset": [ [ "Azerbaijan", "CAPITAL", "Baku" ], [ "Baku Turkish Martyrs' Memorial", "DEDICATED_TO", "\"Ottoman Army soldiers killed in the Battle of Baku\"" ], [ "Baku Turkish Martyrs' Memorial", "LOCATION", "Azerbaijan" ], [ "Baku Turkish Martyrs' Memorial", "NATIVE_NAME", "\"T\u00fcrk \u015eehitleri An\u0131t\u0131\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Baku Turkish Martyrs Memorial in Azerbaijan, which has Baku as its capital, is dedicated to the Ottoman Army soldiers killed in the Battle of Baku and is known locally as T\u00fcrk Sehitleri Aniti." }, { "source": "webnlg", "text": "The Baku Turkish Martyrs memorial, also known as Turk Sehitleri Aniti, is dedicated to Ottoman soldiers killed in the battle of Baku. It is located in Baku, the capital of Azerbaijan." } ] }, { "tripleset": [ [ "Monocacy National Battlefield", "LOCATION", "Frederick County, Maryland" ], [ "14th New Jersey Volunteer Infantry Monument", "ESTABLISHED", "\"1907-07-11\"" ], [ "14th New Jersey Volunteer Infantry Monument", "DISTRICT", "Monocacy National Battlefield" ], [ "Monocacy National Battlefield", "NEAREST_CITY", "Frederick, Maryland" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The 14th New Jersey Volunteer Infantry Monument was established 1907-07-11 at the Monocacy National Battlefield in the county of Frederick, Maryland, with Frederick, Maryland as its nearest city." }, { "source": "webnlg", "text": "The 14th New Jersey Volunteer Infantry Monument was established on July 11th, 1907and located in the Monocacy National Battlefield in the county Frederick, Maryland. The city nearest to Monocacy National Battlefield is Frederick, Maryland." } ] }, { "tripleset": [ [ "Turkey", "LEADER_NAME", "Ahmet Davuto\u011flu" ], [ "Turkey", "CAPITAL", "Ankara" ], [ "Atat\u00fcrk Monument (\u0130zmir)", "MATERIAL", "\"Bronze\"" ], [ "Atat\u00fcrk Monument (\u0130zmir)", "LOCATION", "Turkey" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The capital of Turkey is Ankara and the leader is Ahmet Davutoglu. Turkey is the location of the bronze Ataturk monument." }, { "source": "webnlg", "text": "The Atat\u00fcrk Monument in Izmir is made of bronze, is located in Turkey, which is led by Ahmet Davutoglu and has Ankara as its capital." }, { "source": "webnlg", "text": "Ahmet Davutoglu is the leader of Turkey where the capital is Ankara. The Ataturk monument (Izmir) which is made of bronze is located within the country." } ] }, { "tripleset": [ [ "Turkey", "LEADER_TITLE", "President of Turkey" ], [ "Atat\u00fcrk Monument (\u0130zmir)", "DESIGNER", "Pietro Canonica" ], [ "Atat\u00fcrk Monument (\u0130zmir)", "INAUGURATION_DATE", "\"1932-07-27\"" ], [ "Atat\u00fcrk Monument (\u0130zmir)", "LOCATION", "Turkey" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Atat\u00fcrk Monument in Izmir, Turkey, which is governed by a president, was designed by Pietro Canonica and was inaugurated on July 27th, 1932." }, { "source": "webnlg", "text": "President of Turkey is the official title of the Turkish leader. The Atat\u00fcrk Monument (\u0130zmir) designed by Pietro Canonica is found in Turkey and inaugurated on the July 27th, 1932." }, { "source": "webnlg", "text": "Pietro Canonica designed the Ataturk monument (Izmir) which was inaugurated in Turkey on 27 July 1932. Turkey is led by the President of Turkey." } ] }, { "tripleset": [ [ "Albany, Georgia", "IS_PART_OF", "Georgia (U.S. state)" ], [ "United States", "LANGUAGE", "English language" ], [ "Albany, Georgia", "COUNTRY", "United States" ], [ "United States", "ETHNIC_GROUP", "Native Americans in the United States" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Albany, Georgia, is located within the United States,where English is one of the spoken languages.Native Americans are one of the ethnic groups in the United States of America." }, { "source": "webnlg", "text": "Albany, Georgia, is in the United States, where English is spoken, and, where Native Americans are one of the ethnic groups." }, { "source": "webnlg", "text": "Albany is part of the state of Georgia in the United States. The country uses the English language and includes the ethnic group of Native Americans." } ] }, { "tripleset": [ [ "Albuquerque, New Mexico", "AREA_CODE", "505, 575" ], [ "Albuquerque, New Mexico", "AREA_OF_LAND", "486.2 (square kilometres)" ], [ "Albuquerque, New Mexico", "AREA_TOTAL", "490.9 (square kilometres)" ], [ "Albuquerque, New Mexico", "POPULATION_DENSITY", "1142.3 (inhabitants per square kilometre)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Albuquerque, in New Mexico, has a total are of 490.9 square kilometres and a land area of 486.2 square kilometres. It has a population density of 1142.3 people per square kilometers, and the area codes are 505 and 575." }, { "source": "webnlg", "text": "Albuquerque, New Mexico covers a total of 490.0 sq kms which includes a land area of 486.2 sq km. It has the area codes 505 and 575 and a population density of 1142.3 inhabitants per sq km." } ] }, { "tripleset": [ [ "Alpharetta, Georgia", "COUNTRY", "United States" ], [ "Alpharetta, Georgia", "IS_PART_OF", "Georgia (U.S. state)" ], [ "Alpharetta, Georgia", "IS_PART_OF", "Fulton County, Georgia" ], [ "Fulton County, Georgia", "COUNTY_SEAT", "Atlanta" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alpharetta, Fulton County, Georgia is located within the United States. Atlanta is the county seat of Fulton County." }, { "source": "webnlg", "text": "Alpharetta is part of Fulton County in Georgia (United States), where Atlanta is the county seat." } ] }, { "tripleset": [ [ "Amarillo, Texas", "IS_PART_OF", "Potter County, Texas" ], [ "Potter County, Texas", "COUNTRY", "United States" ], [ "United States", "CAPITAL", "Washington, D.C." ], [ "United States", "ETHNIC_GROUP", "African Americans" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Washington DC is the capital of the United States, where African Americans are an ethnic group. The US is also where you will find Amarillo, which is part of Potter County in Texas." }, { "source": "webnlg", "text": "Amarillo is part of Potter County,Texas in the United States.African Americans are an ethnic group in the United States." }, { "source": "webnlg", "text": "Amarillo is part of Potter County in Texas in the U.S. Washington, D.C. is the U.S. capital and African Americans are an ethnic group in that country." } ] }, { "tripleset": [ [ "Amarillo, Texas", "IS_PART_OF", "Potter County, Texas" ], [ "Potter County, Texas", "STATE", "Texas" ], [ "Amarillo, Texas", "COUNTRY", "United States" ], [ "Texas", "CAPITAL", "Austin, Texas" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Amarillo is a part of Potter County, in Texas, USA. Austin is the state capital of Texas." }, { "source": "webnlg", "text": "Amarillo is part of Potter County in Texas, United States. Austin is the capital of Texas." } ] }, { "tripleset": [ [ "Anaheim, California", "LEADER_TITLE", "California State Assembly" ], [ "Anaheim, California", "IS_PART_OF", "California" ], [ "California State Assembly", "LOCATION", "California State Capitol" ], [ "California", "LANGUAGE", "Spanish language" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Anaheim is in California which is led by the California State Assembly found in the California State Capitol. Spanish is spoken in that state." }, { "source": "webnlg", "text": "California is led by the California State Assembly (location: state capital), is spanish speaking and location of Anaheim." }, { "source": "webnlg", "text": "Part of California (where Spanish is spoken), Anaheim, is led by the California State Assembly, in the California State Capitol." } ] }, { "tripleset": [ [ "Anderson, Indiana", "POPULATION_DENSITY", "523.9 (inhabitants per square kilometre)" ], [ "Anderson, Indiana", "AREA_TOTAL", "107.43 (square kilometres)" ], [ "Anderson, Indiana", "ELEVATION", "268.0" ], [ "Anderson, Indiana", "IS_PART_OF", "\"Adams, Fall Creek, Lafayette, Richland, Union\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Anderson, Indiana is part of Adams Fall Creek, Lafayette, Richland, Union, and is located at 268.0 above sea level. The population density of Anderson, Indiana, is 523.9 (inhabitants per square kilometre) and the area is 107.43 square kilometres." }, { "source": "webnlg", "text": "Anderson, Indiana is part of Adams Fall Creek, Lafayette, Richland, Union and elevated 268.0 meters above sea level.The town has an area of 107.43 square kilometres and its population density is 523.9 inhabitants/sq km." }, { "source": "webnlg", "text": "Anderson, Indiana is part of Adams Fall Creek, Lafayette, Richland, Union. It has a population density of 523.9 (inhabitants per square kilometre), a total area of 107.43 sq. km. and located 268.0 above sea level." } ] }, { "tripleset": [ [ "Angola, Indiana", "IS_PART_OF", "Pleasant Township, Steuben County, Indiana" ], [ "Angola, Indiana", "COUNTRY", "United States" ], [ "Angola, Indiana", "IS_PART_OF", "Indiana" ], [ "Angola, Indiana", "AREA_TOTAL", "16.55 (square kilometres)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Angola is part of Pleasant Township in Steuben County, Indiana, in the U.S. and is 16.55 square kilometres in size." }, { "source": "webnlg", "text": "Angola is part of Pleasant Township in Steuben County and covers a total area of 16.55 square kilometres. The city is in Indiana, United States." }, { "source": "webnlg", "text": "Angola is part of Pleasant township, Steuben County in the US. It is located in the state of Indiana and has a total area of 16.55 sq km." } ] }, { "tripleset": [ [ "Antioch, California", "UTC_OFFSET", "\"-7\"" ], [ "Antioch, California", "POPULATION_TOTAL", "102372" ], [ "Antioch, California", "AREA_CODE", "925" ], [ "Antioch, California", "AREA_TOTAL", "75.324 (square kilometres)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The total area of Antioch, California is 75.324 square km and uses UTC offset of -7.It has a total population of 102372 inhabitants and its area code is 925." }, { "source": "webnlg", "text": "The total area of Antioch, California is 75.324 square km., has an UTC offset of -7 and its population is 102372. The area code there is 925." }, { "source": "webnlg", "text": "Antioch, California has a UTC offset of - 7, the population is 102372, the area code is 925, and has a total area of 75.324 square km." } ] }, { "tripleset": [ [ "Atlantic City, New Jersey", "POPULATION_DENSITY", "1421.2 (inhabitants per square kilometre)" ], [ "Atlantic City, New Jersey", "AREA_CODE", "609" ], [ "Atlantic City, New Jersey", "LEADER_TITLE", "Mayors of Atlantic City, New Jersey" ], [ "Atlantic City, New Jersey", "AREA_TOTAL", "44.125 (square kilometres)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The total area of Atlantic City, New Jersey is 44.125 square kilometres and the population density is 1421.2 inhabitants per square kilometre. 609 is the area code of Atlantic City, N.J. and \"Mayor\" is the title of the leader." }, { "source": "webnlg", "text": "Atlantic City, New Jersey (area code 609), covers a total area of 44.125 square kilometres. The Mayor of the city is responsible of a population which averages about 1421 people for each of those square kilometres." }, { "source": "webnlg", "text": "Atlantic City in New Jersey has a population of 1421.2 inhabitants per sq km and is led by the Mayor. It covers a total area of 44.125 sq km and uses the area code of 609." } ] }, { "tripleset": [ [ "Auburn, Alabama", "IS_PART_OF", "Lee County, Alabama" ], [ "Auburn, Alabama", "COUNTRY", "United States" ], [ "Lee County, Alabama", "STATE", "Alabama" ], [ "United States", "ETHNIC_GROUP", "Asian Americans" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Auburn, Alabama is part of Lee County, United States, of which one of the ethnic groups is Asian Americans." }, { "source": "webnlg", "text": "The Asian Americans are an ethnic group in the United States, where you will find Auburn, which is part of Lee County in the state of Alabama." }, { "source": "webnlg", "text": "Auburn, Alabama is in the United States, where one of the ethnic groups is Asian Americans. Auburn is part of Lee County, Alabama." } ] }, { "tripleset": [ [ "Auburn, Alabama", "IS_PART_OF", "Lee County, Alabama" ], [ "Lee County, Alabama", "COUNTRY", "United States" ], [ "Lee County, Alabama", "STATE", "Alabama" ], [ "United States", "ETHNIC_GROUP", "African Americans" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Auburn is part of Lee County,Alabama in the United States.African Americans are an ethnic group within the United States." }, { "source": "webnlg", "text": "Auburn in Lee County, Alabama is in the U.S.A. which is home to African Americans." }, { "source": "webnlg", "text": "Auburn is part of Lee County, Alabama in the United States. One of the ethnic groups of the country are the African Americans." } ] }, { "tripleset": [ [ "Auburn, Washington", "IS_PART_OF", "Pierce County, Washington" ], [ "United States", "CAPITAL", "Washington, D.C." ], [ "Pierce County, Washington", "COUNTRY", "United States" ], [ "Auburn, Washington", "IS_PART_OF", "King County, Washington" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Washington DC is the capital of the United States where Auburn is to be found. It is part of both King County and Pierce County in Washington." }, { "source": "webnlg", "text": "Auburn is part of both Pierce County and King County in Washington in the United States. The country's capital city is Washington DC." } ] }, { "tripleset": [ [ "Auburn, Washington", "IS_PART_OF", "Washington (state)" ], [ "United States", "CAPITAL", "Washington, D.C." ], [ "Auburn, Washington", "COUNTRY", "United States" ], [ "Auburn, Washington", "IS_PART_OF", "King County, Washington" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Auburn, King County, Washington is located within the United States. The capital of the United States is Washington DC." }, { "source": "webnlg", "text": "The capital of U.S is Washington, D.C.. King County, Auburn is located in this state." }, { "source": "webnlg", "text": "Auburn is located in King County, Washington state. The capital of the US is Washington DC." } ] }, { "tripleset": [ [ "Austin, Texas", "IS_PART_OF", "Texas" ], [ "Texas", "LARGEST_CITY", "Houston" ], [ "Hays County, Texas", "COUNTY_SEAT", "San Marcos, Texas" ], [ "Austin, Texas", "IS_PART_OF", "Hays County, Texas" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Austin is in Hays County Texas, where the state's largest city is Houston. San Marcos is the county seat of Hays County, Texas." }, { "source": "webnlg", "text": "Austin is in Hays County, Texas whose county seat is San Marcos. The largest city in Texas is Houston." }, { "source": "webnlg", "text": "Austin, Hays County (with its seat in San Marcos) is in Texas (largest city being Houston), United States." } ] }, { "tripleset": [ [ "California", "LANGUAGE", "Chinese language" ], [ "Anaheim, California", "LEADER_TITLE", "California State Assembly" ], [ "Anaheim, California", "IS_PART_OF", "California" ], [ "California State Assembly", "LOCATION", "California State Capitol" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Anaheim, California is led by the California State Assembly located in the California State Capitol. Chinese is spoken in some parts of that state." }, { "source": "webnlg", "text": "Anaheim is part of California and led by the California State Assembly located at the California State Capitol. Chinese is a language spoken in California." } ] }, { "tripleset": [ [ "Georgia (U.S. state)", "COUNTRY", "United States" ], [ "Alpharetta, Georgia", "IS_PART_OF", "Georgia (U.S. state)" ], [ "Alpharetta, Georgia", "IS_PART_OF", "Fulton County, Georgia" ], [ "Fulton County, Georgia", "COUNTY_SEAT", "Atlanta" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alpharetta is part of Fulton County (Atlanta is the county seat), in Georgia, in the United States." }, { "source": "webnlg", "text": "Alpharetta, Fulton County, Atlanta, Georgia are in the United States." }, { "source": "webnlg", "text": "Alpharetta is part of Fulton County in Georgia, U.S. The county seat of that county is Atlanta." } ] }, { "tripleset": [ [ "Indiana", "CAPITAL", "Indianapolis" ], [ "Anderson, Indiana", "IS_PART_OF", "Lafayette Township, Madison County, Indiana" ], [ "Lafayette Township, Madison County, Indiana", "COUNTRY", "United States" ], [ "Anderson, Indiana", "IS_PART_OF", "Indiana" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The city of Anderson is part of Lafayette Township in the United States. It is located in Madison County, Indiana which has the capital city of Indianapolis." }, { "source": "webnlg", "text": "Lafayette Township, Madison County, Indiana is in the United States and the township is home to Anderson while Indianapolis is the state capital." }, { "source": "webnlg", "text": "Indianapolis is the capital of the state of Indiana, where you will find the city of Anderson, which is part of Lafayette Township, Madison County." } ] }, { "tripleset": [ [ "Texas", "LANGUAGE", "English language" ], [ "Arlington, Texas", "IS_PART_OF", "Texas" ], [ "Texas", "COUNTRY", "United States" ], [ "Texas", "LARGEST_CITY", "Houston" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Houston is the largest city in Texas in the U.S. where English is spoken and is also home to Arlington." }, { "source": "webnlg", "text": "Texas, where English is spoken, is part of the U.S. and among its cities are Arlington and Houston which is the largest city in the state." } ] }, { "tripleset": [ [ "United States", "CAPITAL", "Washington, D.C." ], [ "Albany, Oregon", "IS_PART_OF", "Benton County, Oregon" ], [ "Albany, Oregon", "COUNTRY", "United States" ], [ "United States", "ETHNIC_GROUP", "African Americans" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "United States has its capital as Washington, DC, home to African Americans and Albany, Benton County, Oregon." }, { "source": "webnlg", "text": "The city of Albany is part of Benton County, Oregon, in the United States. The capital of the country is, Washington D.C., and African Americans, are one of the country's ethnic groups." }, { "source": "webnlg", "text": "The city of Albany, Oregon, U.S is part of Benton County. One of the ethnic groups in the United States are the African Americans and the capital is Washington DC." } ] }, { "tripleset": [ [ "United States", "CAPITAL", "Washington, D.C." ], [ "New Jersey", "COUNTRY", "United States" ], [ "United States", "LARGEST_CITY", "New York City" ], [ "Atlantic City, New Jersey", "IS_PART_OF", "New Jersey" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "New York City is the largest city in the United States although the capital is Washington DC. Atlantic City, part of New Jersey, is located within the country." }, { "source": "webnlg", "text": "Atlantic City, is a part of New Jersey, in the United States. The country's capital, is Washington D.C., and its largest city, is New York City." }, { "source": "webnlg", "text": "Atlantic City, New Jersey is located within the United States which the biggest city is New York City and the capital is Washington, D.C." } ] }, { "tripleset": [ [ "United States", "ETHNIC_GROUP", "African Americans" ], [ "United States", "LEADER_TITLE", "President of the United States" ], [ "United States", "LEADER", "Barack Obama" ], [ "Albuquerque, New Mexico", "COUNTRY", "United States" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Albuquerque is in New Mexico, which is located in the United States. The leader of the US is Barack Obama and he has the title of President of the United States. African Americans are an ethnic group in the country." }, { "source": "webnlg", "text": "Barack Obama is the president of the United States where one finds African Americans and the city of Albuquerque in New Mexico." } ] }, { "tripleset": [ [ "United States", "ETHNIC_GROUP", "Asian Americans" ], [ "Albuquerque, New Mexico", "LEADER_TITLE", "New Mexico Senate" ], [ "New Mexico Senate", "LEADER", "John S\u00e1nchez" ], [ "Albuquerque, New Mexico", "COUNTRY", "United States" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Albuquerque,New Mexico is located in the United States and Asian Americans are an ethnic group there.John S\u00e1nchez, is one of the leaders, in the New Mexico Senate which is leading the state." }, { "source": "webnlg", "text": "Albuquerque is in New Mexico, in the United States, where one of the ethnic groups is Asian Americans. The New Mexico Senate leads Albuquerque and John S\u00e1nchez is one of the leaders." }, { "source": "webnlg", "text": "Albuquerque, New Mexico is in the United States, where Asian Americans are an ethnic group. Albuquerque, New Mexico is led by the New Mexico Senate, where John S\u00e1nchez is one of the leaders." } ] }, { "tripleset": [ [ "United States", "ETHNIC_GROUP", "Asian Americans" ], [ "United States", "CAPITAL", "Washington, D.C." ], [ "Albany, Oregon", "IS_PART_OF", "Benton County, Oregon" ], [ "Albany, Oregon", "COUNTRY", "United States" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Asian Americans are an ethnic group in the United States, which has the capital city of Washington DC. It is also the location of Albany, part of Benton County in Oregon." }, { "source": "webnlg", "text": "In the U.S., where the capital is Washington D.C., you'll find Albany in Benton County, Oregon and Asian Americans." }, { "source": "webnlg", "text": "The city of Albany is part of Benton County, Oregon, in the United States, where Washington D.C. is the capital, and where Asian Americans are one of the ethnic groups." } ] }, { "tripleset": [ [ "United States", "ETHNIC_GROUP", "Native Americans in the United States" ], [ "United States", "LEADER", "Barack Obama" ], [ "Albuquerque, New Mexico", "LEADER_TITLE", "Mayor of Albuquerque" ], [ "Albuquerque, New Mexico", "COUNTRY", "United States" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Barack Obama led the United States, while the mayor is the leader of Albuquerque, New Mexico, home to many Native Americans." } ] }, { "tripleset": [ [ "United States", "LANGUAGE", "English language" ], [ "Albany, Georgia", "COUNTRY", "United States" ], [ "United States", "ETHNIC_GROUP", "Native Americans in the United States" ], [ "Albany, Georgia", "IS_PART_OF", "United States" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Native Americans are an ethnic group in the United States, where English is the language. Also in the United States, is Albany, in Georgia." }, { "source": "webnlg", "text": "English is spoken in the United States, where Native Americans are an ethnic group. The US is home to Albany, which is located in Georgia." }, { "source": "webnlg", "text": "Albany,Georgia is located in the United States where English is the official language.The Native Americans are an ethnic group within the United States." } ] }, { "tripleset": [ [ "United States", "LANGUAGE", "English language" ], [ "Angola, Indiana", "IS_PART_OF", "Indiana" ], [ "Angola, Indiana", "COUNTRY", "United States" ], [ "United States", "ETHNIC_GROUP", "Asian Americans" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Angola,Indiana (U.S.), is home to one of its ethnic groups, the Asian Americans. English is spoken in the United States." }, { "source": "webnlg", "text": "Angola, Indiana is in the United States, where English is the language spoken and Asian Americans are an ethnic group." }, { "source": "webnlg", "text": "The city of Angola, Indiana is located in the United States. Some Asian Americans live there and the language spoken is English." } ] }, { "tripleset": [ [ "United States", "LANGUAGE", "English language" ], [ "Angola, Indiana", "IS_PART_OF", "Pleasant Township, Steuben County, Indiana" ], [ "Angola, Indiana", "COUNTRY", "United States" ], [ "United States", "ETHNIC_GROUP", "Asian Americans" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Angola, Indiana, which is part of Pleasant Township Steuben County, is in the U.S. where English is spoken and among its ethnic groups are Asian Americans." }, { "source": "webnlg", "text": "Angola is in Pleasant Township which is part of Steuben County, in Indiana, in the United States. The country where English is spoken, and where Asian Americans are one of the ethnic groups." }, { "source": "webnlg", "text": "English is the language of the United States, where there is an ethnic group called Asian Americans. Also part of the US is the town of Angola, which can be found in Pleasant Township, Steuben County, Indiana." } ] }, { "tripleset": [ [ "1. FC Magdeburg", "MANAGER", "Jens H\u00e4rtel" ], [ "Jens H\u00e4rtel", "CLUB", "SV Babelsberg 03" ], [ "Jens H\u00e4rtel", "CLUB", "1. FC Union Berlin" ], [ "Jens H\u00e4rtel", "CLUB", "FSV Zwickau" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Jens H\u00e4rtel has been the manager of 1 FC Magdeburg, part of SV Babelsberg 03 club and 1 FC Union Berlin. He is also attched to FSV Zwickau." } ] }, { "tripleset": [ [ "A.C. Chievo Verona", "MANAGER", "Rolando Maran" ], [ "Rolando Maran", "CLUB", "F.C. Bari 1908" ], [ "Rolando Maran", "PLACE_OF_BIRTH", "Italy" ], [ "Rolando Maran", "CLUB", "Carrarese Calcio" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Rolando Maran has worked at FC Bari 1908. He managed Associazione Calcio ChievoVerona and is in the Carrarese Calcio club. He was born in Italy." }, { "source": "webnlg", "text": "Rolando Maran was born in Italy and is in the Carrarese Calcio Club. He currently plays for F.C. Bari 1908 while managing A.C. Chievo Verona." }, { "source": "webnlg", "text": "Rolando Maran, who was born in Italy and has previously worked for FC Bari 1908. He currently plays for Carrarese Calcio and manages Associazione Calcio ChievoVerona." } ] }, { "tripleset": [ [ "A.C. Lumezzane", "MANAGER", "Michele Marcolini" ], [ "Michele Marcolini", "PLACE_OF_BIRTH", "Italy" ], [ "Michele Marcolini", "CLUB", "Torino F.C." ], [ "Michele Marcolini", "CLUB", "A.C. Chievo Verona" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Italian born, Michele Marcolini, plays for A.C. Chievo Verona, owns Torino F.C., and is manager of A.C. Lumezzane." }, { "source": "webnlg", "text": "Italian born Michele Marcolini has been the manager of AC Lumezzane. He currently plays for Torino FC and AC Chievo Verona." }, { "source": "webnlg", "text": "Michele Marcolini was born in Italy and has been the manager of AC Lumezzane. He currently owns Torino F.C. and plays for A.C. Chievo Verona." } ] }, { "tripleset": [ [ "A.E Dimitra Efxeinoupolis", "NUMBER_OF_MEMBERS", "1500" ], [ "A.E Dimitra Efxeinoupolis", "CHAIRMAN", "Antonis Milionis" ], [ "A.E Dimitra Efxeinoupolis", "GROUND", "Efxeinoupoli" ], [ "A.E Dimitra Efxeinoupolis", "LEAGUE", "A EPSTH 2nd GROUP" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Antonis Milionis is chairman of A.E Dimitra Efxeinoupolis which has 1500 members. It is in the league EPSTH 2nd GROUP and its grounds are in the town of Efxeinoupoli." }, { "source": "webnlg", "text": "A.E Dimitra Efxeinoupolis is in the league, EPSTH 2nd GROUP and have 1500 members. Their chairman is Antonis Milionis and their home ground is situated in Efxeinoupoli." } ] }, { "tripleset": [ [ "A.F.C. Blackpool", "MANAGER", "Stuart Parker (footballer)" ], [ "Blackpool", "LEADER", "Conservative Party (UK)" ], [ "Stuart Parker (footballer)", "CLUB", "Stockport County F.C." ], [ "A.F.C. Blackpool", "GROUND", "Blackpool" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Stuart Parker who plays for Stockport County F.C. was a manager at AFC Blackpool. The club is also located in Blackpool. The Conservative Party (UK) is the leader of Blackpool." }, { "source": "webnlg", "text": "AFC Blackpool in Blackpool are managed by Stuart Parker, previously a player for Stockport County F.C. The leader of Blackpool is the Conservative Party (UK)." } ] }, { "tripleset": [ [ "A.F.C. Blackpool", "MANAGER", "Stuart Parker (footballer)" ], [ "Blackpool", "LEADER", "Gordon Marsden" ], [ "Stuart Parker (footballer)", "CLUB", "Stockport County F.C." ], [ "A.F.C. Blackpool", "GROUND", "Blackpool" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Footballer, Stuart Parker, plays for Stockport County F.C. and is the manager of A.F.C. Blackpool. The ground of which is in Blackpool, where Gordon Marsden is one of the leaders." }, { "source": "webnlg", "text": "Gordon Marsden, leads Blackpool, which is where A.F.C. Blackpool is located. They have had, for a manager, Stuart Parker, whose club was Stockport County F.C." }, { "source": "webnlg", "text": "Gordon Marsden is one of Blackpool's leaders. The city is the location of AFC Blackpool who are managed by Stuart Parker, a footballer who once played for Stockport County FC." } ] }, { "tripleset": [ [ "A.F.C. Fylde", "GROUND", "\"Warton, Fylde, Lancashire\"" ], [ "A.F.C. Fylde", "SEASON", "2014" ], [ "A.F.C. Fylde", "NUMBER_OF_MEMBERS", "3180" ], [ "A.F.C. Fylde", "FULL_NAME", "\"Association Football Club Fylde\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Based at Warton, Fylde, Lancashire, is A.F.C. Fylde. The full name of which, is Association Football Club Fylde. The club played in 2014 and has 3180 members." }, { "source": "webnlg", "text": "A.F.C. Fylde (Association Football Club Fylde) played in 2014 and has 3180 members. Its ground is in Warton, Fylde, Lancashire." } ] }, { "tripleset": [ [ "A.F.C. Fylde", "SEASON", "2014" ], [ "A.F.C. Fylde", "NUMBER_OF_MEMBERS", "3180" ], [ "A.F.C. Fylde", "FULL_NAME", "\"Association Football Club Fylde\"" ], [ "A.F.C. Fylde", "GROUND", "\"Bryning Lane\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "A.F.C. Fylde are based at Bryning Lane and their full name is \"Association Football Club Fylde.\" They have 3180 members and competed in the 2014 season." }, { "source": "webnlg", "text": "AFC Fylde, which has the full name \"Association Football Club Fylde\" are based at Bryning Lane. The club has 3180 members and played in 2014." }, { "source": "webnlg", "text": "Association Football Club Fylde (abbreviated to A.F.C. Fylde) has 3180 members , are based at Bryning Lane and competed in the 2014 season." } ] }, { "tripleset": [ [ "ACF Fiorentina", "MANAGER", "Paulo Sousa" ], [ "Paulo Sousa", "CLUB", "Juventus F.C." ], [ "Paulo Sousa", "CLUB", "Maccabi Tel Aviv F.C." ], [ "Paulo Sousa", "CLUB", "Inter Milan" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Attached to the club Inter Milan, Paulo Sousa's club is Juventus. He also plays for Maccabi Tel Aviv F.C. and is manager of ACF Fiorentina." }, { "source": "webnlg", "text": "Paulo Sousa is the manager of ACF Fiorentina and his club is Juventus. He plays for both plays for Maccabi Tel Aviv F.C. and the Inter Milan club." }, { "source": "webnlg", "text": "Paulo Sousa once played for Inter Milan and Juventus FC. He now manages ACF Fiorentina and plays for Maccabi Tel Aviv F.C.." } ] }, { "tripleset": [ [ "AEK Athens F.C.", "NUMBER_OF_MEMBERS", "69618" ], [ "AEK Athens F.C.", "GROUND", "Greece" ], [ "AEK Athens F.C.", "LEAGUE", "Superleague Greece" ], [ "AEK Athens F.C.", "SEASON", "2014" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "With 69618 members, AEK Athens F.C. has its ground in Greece. They play in the Superleague Greece, and played in the 2014 season." }, { "source": "webnlg", "text": "AEK Athens FC has a ground in Greece and has 69618 memberrs. They played in the 2014 season and compete in the Superleague Greece." } ] }, { "tripleset": [ [ "AFC Ajax (amateurs)", "GROUND", "Sportpark De Toekomst" ], [ "Sportpark De Toekomst", "OPERATOR", "AFC Ajax" ], [ "Sportpark De Toekomst", "OWNER", "AFC Ajax N.V." ], [ "Sportpark De Toekomst", "TENANT", "Jong Ajax" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "AFC Ajax (amateurs)'s ground is Sportpark De Toekomst operated by AFC Ajax and owned by AFC Ajax N.V. The current tenant is Jong Ajax." }, { "source": "webnlg", "text": "AFC Ajax (amateurs)'s ground is Sportpark De Toekomst which is operated by AFC Ajax and owned by AFC Ajax N.V. The current tenant of the ground is Jong Ajax." }, { "source": "webnlg", "text": "AFC Ajax (amateurs)'s ground is Sportpark De Toekomst which is operated by AFC Ajax. The ground is owned by AFC Ajax NV and the current tenants are Jong Ajax." } ] }, { "tripleset": [ [ "AFC Ajax (amateurs)", "NICKNAME", "\"Joden , Godenzonen\"" ], [ "AFC Ajax (amateurs)", "SEASON", "2014" ], [ "AFC Ajax (amateurs)", "NUMBER_OF_MEMBERS", "5000" ], [ "AFC Ajax (amateurs)", "FULL_NAME", "\"Amsterdamsche Football Club Ajax Amateurs\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The full name of AFC Ajax (amateurs) is Amsterdamsche Football Club Ajax Amateurs, they played in the 2014 season and have 5000 members. Their nickname is Joden, Godenzonen." }, { "source": "webnlg", "text": "Amsterdamsche Football Club Ajax Amateurs is abbreviated to AFC Ajax (amateurs) and has the nickname Joden, Godenzonen. They have 5000 members and they have played in the 2014 season." }, { "source": "webnlg", "text": "The full name of AFC Ajax (amateurs) is Amsterdamsche Football Club Ajax Amateurs. Its nickname is Joden, Godenzonen, it competed in the 2014 season and has 5000 members." } ] }, { "tripleset": [ [ "AZ Alkmaar", "MANAGER", "John van den Brom" ], [ "John van den Brom", "CLUB", "Vitesse Arnhem" ], [ "John van den Brom", "CLUB", "AFC Ajax" ], [ "John van den Brom", "CLUB", "Netherlands national football team" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "John Van Den Brom, manager for AZ Alkmaar, play for Vitesse Arnhem and AFC Ajax, and has played for the Netherlands National Football team." }, { "source": "webnlg", "text": "John van den Brom has been manager of AZ Alkmaar and played for the Netherlands national football team. He is in Vitesse Arnhem and now plays for AFC Ajax." }, { "source": "webnlg", "text": "John van den Brom plays for AFC Ajax, Vitesse Arnhem and the Netherlands national football team. In addition he also manages AZ Alkmaar." } ] }, { "tripleset": [ [ "Agremia\u00e7\u00e3o Sportiva Arapiraquense", "LEAGUE", "Campeonato Brasileiro S\u00e9rie C" ], [ "Agremia\u00e7\u00e3o Sportiva Arapiraquense", "GROUND", "Est\u00e1dio Municipal Coaracy da Mata Fonseca" ], [ "Est\u00e1dio Municipal Coaracy da Mata Fonseca", "LOCATION", "Alagoas" ], [ "Campeonato Brasileiro S\u00e9rie C", "CHAMPIONS", "Vila Nova Futebol Clube" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Agremia\u00e7\u00e3o Sportiva Arapiraquense play in the Campeonato Brasileiro S\u00e9rie C league. Their ground is the Estadio Municipal Coaracy da Mata Fonseca located in Alagoas. The champions of Campeonato Brasileiro Serie C are Vila Nova Futebol Clube." } ] }, { "tripleset": [ [ "Agremia\u00e7\u00e3o Sportiva Arapiraquense", "LEAGUE", "Campeonato Brasileiro S\u00e9rie C" ], [ "Campeonato Brasileiro S\u00e9rie C", "COUNTRY", "Brazil" ], [ "Agremia\u00e7\u00e3o Sportiva Arapiraquense", "GROUND", "Est\u00e1dio Municipal Coaracy da Mata Fonseca" ], [ "Est\u00e1dio Municipal Coaracy da Mata Fonseca", "LOCATION", "Alagoas" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Agremia\u00e7\u00e3o Sportiva Arapiraquense play in the Campeonato Brasileiro S\u00e9rie C league, which is based in Brazil. The club's ground is called the Est\u00e1dio Municipal Coaracy da Mata Fonseca and it is located in Alagoas." }, { "source": "webnlg", "text": "Agremia\u00e7\u00e3o Sportiva Arapiraquense's ground is Estadio Municipal Coaracy da Mata Fonseca which is located in Alagoas. They play in the Campeonato Brasileiro S\u00e9rie C league which is from Brazil." } ] }, { "tripleset": [ [ "Agremia\u00e7\u00e3o Sportiva Arapiraquense", "LEAGUE", "Campeonato Brasileiro S\u00e9rie C" ], [ "Campeonato Brasileiro S\u00e9rie C", "COUNTRY", "Brazil" ], [ "Agremia\u00e7\u00e3o Sportiva Arapiraquense", "GROUND", "Est\u00e1dio Municipal Coaracy da Mata Fonseca" ], [ "Est\u00e1dio Municipal Coaracy da Mata Fonseca", "LOCATION", "Arapiraca" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Agremia\u00e7\u00e3o Sportiva Arapiraquense play in the Campeonato Brasileiro S\u00e9rie C league in Brazil. Their home ground is Est\u00e1dio Municipal Coaracy da Mata Fonseca in Arapiraca." }, { "source": "webnlg", "text": "Agremiacao Sportiva Arapiraquense's ground is the Estadio Municipal Coaracy da Mata Fonseca in Arapiraca. They play in the Campeonato Brasileiro S\u00e9rie C league which is based in Brazil." }, { "source": "webnlg", "text": "Agremia\u00e7\u00e3o Sportiva Arapiraquense play in the Brazilian Campeonato Brasileiro S\u00e9rie C league. Est\u00e1dio Municipal Coaracy da Mata Fonseca is the name of the ground of Agremia\u00e7\u00e3o Sportiva Arapiraquense and it is located in Arapiraca." } ] }, { "tripleset": [ [ "Akron Summit Assault", "GROUND", "St. Vincent\u2013St. Mary High School" ], [ "St. Vincent\u2013St. Mary High School", "COUNTRY", "United States" ], [ "Akron, Ohio", "IS_PART_OF", "Summit County, Ohio" ], [ "St. Vincent\u2013St. Mary High School", "CITY", "Akron, Ohio" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "St Vincent-St Mary High School is the ground of Akron Summit Assault, Akron, Ohio, U.S. Akron, Ohio is part of Summit County, Ohio." }, { "source": "webnlg", "text": "The ground of Akron Summit Assault is at St Vincent-St Mary High School in Akron, Ohio, Summit County, United States." }, { "source": "webnlg", "text": "St Vincent-St Mary High School, Akron, Summit County, Ohio, United States is the ground of Akron Summit Assault." } ] }, { "tripleset": [ [ "Italy", "LEADER", "Pietro Grasso" ], [ "Italy", "CAPITAL", "Rome" ], [ "Italy", "LEADER", "Sergio Mattarella" ], [ "A.S. Gubbio 1910", "GROUND", "Italy" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The ground of A.S. Gubbio 1910 is located in Italy, where there are leaders called Pietro Grasso and Sergio Mattarella and the capital is Rome." }, { "source": "webnlg", "text": "The ground of A.S. Gubbio 1910 is located in Italy where Rome is the capital and two of the leaders are Pietro Grasso and Sergio Mattarella." } ] }, { "tripleset": [ [ "Peter St\u00f6ger", "CLUB", "SK Vorw\u00e4rts Steyr" ], [ "Peter St\u00f6ger", "CLUB", "FC Admira Wacker M\u00f6dling" ], [ "1. FC K\u00f6ln", "MANAGER", "Peter St\u00f6ger" ], [ "Peter St\u00f6ger", "CLUB", "FK Austria Wien" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Peter St\u00f6ger is the manager at 1. FC K\u00f6ln. He is a former player of SK Vorw\u00e4rts Steyr, FC Admira Wacker M\u00f6dling and FK Austria Wien." }, { "source": "webnlg", "text": "Peter St\u00f6ger is at the FK Austria Wien club and is in the SK Vorw\u00e4rts Steyr club, a player in FC Admira Wacker M\u00f6dling, and is the manager of FC Kolin." } ] }, { "tripleset": [ [ "Abilene Regional Airport", "CITY_SERVED", "Abilene, Texas" ], [ "Abilene Regional Airport", "RUNWAY_LENGTH", "2194.0" ], [ "Abilene Regional Airport", "ELEVATION", "546" ], [ "Abilene Regional Airport", "RUNWAY_NAME", "\"17L/35R\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Serving the city of Abilene in Texas, the Abilene Regional Airport is 546 metres above sea level. It has the runway name 17L/35R and has a runway length of 21940 metres." }, { "source": "webnlg", "text": "Abilene, Texas is served by the Abilene Regional Airport whose runway name is 17L/35R. The airport is 546 meters above sea level and 2194 meters in length." }, { "source": "webnlg", "text": "Abilene Regional Airport serves Abilene,Texas an f elevated 546 metres above sea level. Its runway is called 17L/35R and its length is 2194.0 metres." } ] }, { "tripleset": [ [ "Adirondack Regional Airport", "CITY_SERVED", "Lake Placid, New York" ], [ "Adirondack Regional Airport", "RUNWAY_LENGTH", "2003.0" ], [ "Adirondack Regional Airport", "ELEVATION", "507" ], [ "Adirondack Regional Airport", "CITY_SERVED", "Saranac Lake, New York" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Lake Placid and the city of Saranac Lake (both in New York) are served by the Adirondack Regional Airport. This airport is 507 metres above sea level and has a runway that is 2003 metres long." }, { "source": "webnlg", "text": "Adirondack Regional Airport serves the city of Lake Placid and the city of Saranac, New York, the airport is 507 metres above sea level with a runway length of 2003.0." }, { "source": "webnlg", "text": "Adirondack Regional Airport serves the city of Saranac Lake and Lake Placid in New York. It is 507 m above sea level and its runway is 2003 m long." } ] }, { "tripleset": [ [ "Adolfo Su\u00e1rez Madrid\u2013Barajas Airport", "RUNWAY_NAME", "\"18L/36R\"" ], [ "Adolfo Su\u00e1rez Madrid\u2013Barajas Airport", "RUNWAY_LENGTH", "3500.0" ], [ "Adolfo Su\u00e1rez Madrid\u2013Barajas Airport", "LOCATION", "\"Madrid, Paracuellos de Jarama, San Sebasti\u00e1n de los Reyes and Alcobendas\"" ], [ "Adolfo Su\u00e1rez Madrid\u2013Barajas Airport", "OPERATING_ORGANISATION", "ENAIRE" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Adolfo Su\u00e1rez Madrid-Barajas Airport, operated by ENAIRE, is located in Madrid, Paracuellos de Jarama, San Sebastian de los Reyes and Alcobendas. The airport's runway is designated 18L/36R and has a length of 3500." }, { "source": "webnlg", "text": "Adolfo Su\u00e1rez Madrid\u2013Barajas Airport can be found in Madrid, Paracuellos de Jarama, San Sebasti\u00e1n de los Reyes and Alcobendas and is operated by ENAIRE. The runway name is 18L/36R with a length of 3500." }, { "source": "webnlg", "text": "Adolfo Su\u00e1rez Madrid\u2013Barajas Airport can be found in Madrid, Paracuellos de Jarama, San Sebasti\u00e1n de los Reyes and Alcobendas and is operated by ENAIRE. The airport has a runway length of 3500, which is named 18L/36R." } ] }, { "tripleset": [ [ "Agra Airport", "LOCATION", "India" ], [ "Agra Airport", "OPERATING_ORGANISATION", "Indian Air Force" ], [ "Agra Airport", "IATA_LOCATION_IDENTIFIER", "\"AGR\"" ], [ "Agra Airport", "ICAO_LOCATION_IDENTIFIER", "\"VIAG\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Agra Airport is in India, which is operated by the Indian Air Force. The IATA I.D. of the Agra Airport is AGR; the ICAO Location Identifier of Agra Airport is VIAG." }, { "source": "webnlg", "text": "Agra airport in India is operated by the Indian Air Force. It has the location identifier of VIAG and the IATA location identifier of AGR." }, { "source": "webnlg", "text": "Agra Airport in India is operated by the Indian Air Force. It has the IATA location identifier of AGR and the ICAO identifier of VIAG." } ] }, { "tripleset": [ [ "Al Asad Airbase", "OPERATING_ORGANISATION", "United States Air Force" ], [ "Al Asad Airbase", "LOCATION", "Iraq" ], [ "Al Asad Airbase", "RUNWAY_LENGTH", "3990.0" ], [ "Al Asad Airbase", "RUNWAY_NAME", "\"08/26\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Operated by the United States Air Force, Al Asad Airbase (Iraq) has a runway name 08/26, and a runway length 3990.0." }, { "source": "webnlg", "text": "The United States Air Force is operating Al Asad Airbase in Iraq with runway 08/26 that is 3990.0 long." }, { "source": "webnlg", "text": "The US Air Force operates the Al Asad Airbase in Iraq. It has a runway length of 3,990 and it's runway is named 08/26." } ] }, { "tripleset": [ [ "Al Asad Airbase", "OPERATING_ORGANISATION", "United States Air Force" ], [ "Al Asad Airbase", "RUNWAY_LENGTH", "3990.0" ], [ "Al Asad Airbase", "LOCATION", "\"Al Anbar Province, Iraq\"" ], [ "Al Asad Airbase", "RUNWAY_NAME", "\"09R/27L\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Al Asad airbase is located at Al Anbar Province in Iraq and the runway name is 09R/27L. It is operated by the United States Air Force and has a runway length of 3990." }, { "source": "webnlg", "text": "The United States Air Force operates the Al-Asad airbase; located in Al Anbar Province, Iraq. The runway named 09R/27L is 3990 in length." } ] }, { "tripleset": [ [ "Al Asad Airbase", "OPERATING_ORGANISATION", "United States Air Force" ], [ "United States Air Force", "BATTLES", "Invasion of Grenada" ], [ "United States Air Force", "ATTACK_AIRCRAFT", "Lockheed AC-130" ], [ "United States Air Force", "AIRCRAFT_FIGHTER", "McDonnell Douglas F-15 Eagle" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The attack aircarft, the Lockheed AC-130, and the fighter aircraft, McDonnell Douglas F-15 Eagle are used by the United States Air Force. It is the operating organisation for Al Asad airbase and one of the noted United States Air Force battles was the Invasion of Grenada." }, { "source": "webnlg", "text": "Al Asad Airbase is operated by the United States Air Force which was involved in the Invasion of Grenada. The United States Air Force has The Lockheed AC-130, an attack aircraft and the McDonnell Douglas F-15 Eagle, an aircraft fighter." }, { "source": "webnlg", "text": "The United States Air Force, which operates Al Asad airbase, was involved in battles at the Invasion of Grenada and deploys the Lockheed AC-130 on USAF aircraft carriers and flies the McDonnell Douglas F-15 Eagle aircraft fighter." } ] }, { "tripleset": [ [ "Allama Iqbal International Airport", "LOCATION", "Pakistan" ], [ "Allama Iqbal International Airport", "RUNWAY_LENGTH", "2900.0" ], [ "Allama Iqbal International Airport", "OPERATING_ORGANISATION", "Pakistan Civil Aviation Authority" ], [ "Allama Iqbal International Airport", "CITY_SERVED", "Lahore" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The city of Lahore, Pakistan, is served by Allama Iqbal International airport. It is operated by the Pakistan Civil Aviation Authority. It has a runway length of 2900." }, { "source": "webnlg", "text": "Allama Iqbal International Airport in Pakistan serves the city of Lahore, has a runway length of 2900.0 and is operated by Pakistan Civil Aviation Authority." }, { "source": "webnlg", "text": "Allama Iqbal International Airport is located in Lahore Pakistan. It has a runway length of 2900 and is operated by The Pakistan Civil Aviation Authority." } ] }, { "tripleset": [ [ "Amsterdam Airport Schiphol", "CITY_SERVED", "Amsterdam" ], [ "Amsterdam Airport Schiphol", "RUNWAY_NAME", "\"09/27 'Buitenveldertbaan'\"" ], [ "Amsterdam Airport Schiphol", "RUNWAY_LENGTH", "2014.0" ], [ "Amsterdam Airport Schiphol", "ELEVATION", "-3.3528" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Serving the city of Amsterdam, Amsterdam Airport Schiphol is -3.3528 metres above sea level. It has a runway named 09/27 Buitenveldertbaan and a runway length of 2014.0." }, { "source": "webnlg", "text": "Amsterdam AIrport, Schiphol serves the city of Amsterdam and is -3.3528 from sea level. The runway name is 09/27 Buitenvelderbaan and is 2014.0 in length." } ] }, { "tripleset": [ [ "Amsterdam Airport Schiphol", "CITY_SERVED", "Amsterdam" ], [ "Amsterdam Airport Schiphol", "RUNWAY_NAME", "\"18L/36R 'Aalsmeerbaan'\"" ], [ "Amsterdam Airport Schiphol", "RUNWAY_LENGTH", "2014.0" ], [ "Amsterdam Airport Schiphol", "ELEVATION", "-3.3528" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The city of Amsterdam is served by Amsterdam Schiphol Airport. This airport has an elevation of -3.3528 from sea level and the runway name 18L/36R 'Aalsmeerbaan. It also has the runway length of 2014.0 metres." }, { "source": "webnlg", "text": "Amsterdam Airport Schiphol is -3.3528 above sea level, has a runway name 18L/36R'Aalsmeerbaan which is 2014.0 in length and serves the city of Amsterdam." }, { "source": "webnlg", "text": "Amsterdam is served by Amsterdam Airport Schiphol which is -3.3528 above sea level and has a runway length of 2014.0 with the name of 18L/36R." } ] }, { "tripleset": [ [ "Andrews County Airport", "LOCATION", "Texas" ], [ "Andrews County Airport", "RUNWAY_LENGTH", "929.0" ], [ "Andrews County Airport", "CITY_SERVED", "Andrews, Texas" ], [ "Andrews County Airport", "ELEVATION", "973.0" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Andrews County Airport in Texas serves the city of Andrews. It is 973 metres above sea level and has a runway length of 929." }, { "source": "webnlg", "text": "Andrews county airport, serving the city of Andrews in Texas has a runway length of 929.0 and is 973 metres above sea level." } ] }, { "tripleset": [ [ "Andrews County Airport", "LOCATION", "Texas" ], [ "Texas", "CAPITAL", "Austin, Texas" ], [ "Texas", "DEMONYM", "Tejano" ], [ "Texas", "COUNTRY", "United States" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Andrews County Airport is situated in Texas, United States. The state capital is Austin and the demonym for the local people is Tejano." }, { "source": "webnlg", "text": "Tejano is the demonym for people from the state of Texas in the United States. The state capital is Austin and it is served by Andrews County Airport." } ] }, { "tripleset": [ [ "Andrews County Airport", "LOCATION", "Texas" ], [ "Texas", "CAPITAL", "Austin, Texas" ], [ "Texas", "LANGUAGE", "English language" ], [ "Texas", "COUNTRY", "United States" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Andrews County Airport is located in Texas, United States which has the capital city of Austin and uses the English language." }, { "source": "webnlg", "text": "Andrews County Airport is located in Texas, the capital of which is Austin. English is the language of Texas which is located in the United States." }, { "source": "webnlg", "text": "Andrews County Airport is located in Texas in the United States. The capital of Texas is Austin and the language spoken is English." } ] }, { "tripleset": [ [ "Angola International Airport", "LOCATION", "\u00cdcolo e Bengo" ], [ "\u00cdcolo e Bengo", "COUNTRY", "Angola" ], [ "Angola International Airport", "CITY_SERVED", "Luanda" ], [ "\u00cdcolo e Bengo", "IS_PART_OF", "Luanda Province" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Angola International Airport is located at \u00cdcolo e Bengo in Luanda Province, Angola, and serves the city of Luanda." }, { "source": "webnlg", "text": "Angola International Airport is located at \u00cdcolo e Bengo, Luanda Province, Angola and serves the city of Luanda." }, { "source": "webnlg", "text": "Angola International airport is located in Icolo e Bengo in Luada Province, Angola and serves the city of Luanda." } ] }, { "tripleset": [ [ "Antwerp International Airport", "OPERATING_ORGANISATION", "Flemish Government" ], [ "Antwerp International Airport", "OWNER", "Flemish Region" ], [ "Antwerp International Airport", "ELEVATION", "12.0" ], [ "Antwerp International Airport", "RUNWAY_LENGTH", "600.0" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Antwerp International Airport is operated by the Flemish government, owned by the flemish region, has an elevation of 12.o metres above sea level, and it's runway length is 600.0." }, { "source": "webnlg", "text": "The Flemish government operate Antwerp International Airport which is owned by the Flemish region. The airport has an elevation of 12.0 metres above sea level and a runway length of 600.0." }, { "source": "webnlg", "text": "Antwerp International Airport is owned by the Flemish Region and operated by the Flemish Government. The airport has a runway length of 600.00 and is 12 metres above sea level." } ] }, { "tripleset": [ [ "Ashgabat International Airport", "OPERATING_ORGANISATION", "Turkmenistan Airlines" ], [ "Turkmenistan Airlines", "HEADQUARTER", "Turkmenistan" ], [ "Turkmenistan Airlines", "HUB_AIRPORT", "Turkmenbashi International Airport" ], [ "Turkmenistan Airlines", "HEADQUARTER", "Ashgabat" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Turkmenistan Airlines have their HQ in Ashgabat, Turkmenistan and their hub airport at Turkmenbashi International airport. They are the operating organisation for Ashgabat International airport." }, { "source": "webnlg", "text": "The operating organization for Ashgabat International Airport is called Turkmenistan Airlines who have headquarters in Ashgabat, Turkmenistan. Their hub airport is Turkmenbashi International Airport." } ] }, { "tripleset": [ [ "Athens International Airport", "CITY_SERVED", "Athens" ], [ "Athens International Airport", "LOCATION", "Spata" ], [ "Athens International Airport", "ELEVATION", "94" ], [ "Athens International Airport", "RUNWAY_LENGTH", "3800.0" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Located in Spata and serving the city of Athens, is Athens International Airport. This airport has a runway length of 3,800 and has an elevation of 94 metres above sea level." }, { "source": "webnlg", "text": "Athens is served by Athens International airport located in Spata. The airport is 94 metres above sea level and has a runway length of 3800.0." }, { "source": "webnlg", "text": "Athens International Airport is located in Spata and serves the city of Athens. The airport is 94 metres above sea level and has a runway length of 3800.0." } ] }, { "tripleset": [ [ "Atlantic City International Airport", "CITY_SERVED", "Atlantic City, New Jersey" ], [ "Atlantic City International Airport", "LOCATION", "Egg Harbor Township, New Jersey" ], [ "Egg Harbor Township, New Jersey", "COUNTRY", "United States" ], [ "Atlantic City, New Jersey", "LEADER_NAME", "Don Guardian" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Don Guardian leads New Jersey (United States) where the township of Egg Harbor is. This township is where the Atlantic City International Airport, which serves serves Atlantic City, N.J., is located." }, { "source": "webnlg", "text": "The Atlantic City International Airport is located in Egg Harbor Township in the United States and serves Atlantic city, NJ where Don Guardian is leader." }, { "source": "webnlg", "text": "Atlantic City in New Jersey is led by Don Guardian and served by Atlantic City International airport, Egg Harbor Township, New Jersey, United States." } ] }, { "tripleset": [ [ "Atlantic City International Airport", "OWNER", "South Jersey Transportation Authority" ], [ "South Jersey Transportation Authority", "LEADER_NAME", "Stephen Dilts" ], [ "Atlantic City International Airport", "LOCATION", "Egg Harbor Township, New Jersey" ], [ "Egg Harbor Township, New Jersey", "COUNTRY", "United States" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Atlantic City International Airport is located at Egg Harbor Township, New Jersey in the United States. The airport's owner is South Jersey Transportation Authority headed by Stephen Dilts." }, { "source": "webnlg", "text": "Atlantic City International Airport is located in Egg Harbor Township, New Jersey, U.S. The South Jersey Transportation Authority is the owner of the airport and it is run by Stephen Dilts." }, { "source": "webnlg", "text": "Atlantic City International Airport is owned by the South Jersey Transportation Authority, the head of which is Stephen Dilts. The airport is located in Egg Township, New Jersey, United States." } ] }, { "tripleset": [ [ "Belgium", "LEADER_NAME", "Charles Michel" ], [ "Antwerp International Airport", "CITY_SERVED", "Antwerp" ], [ "Belgium", "LANGUAGE", "German language" ], [ "Antwerp", "COUNTRY", "Belgium" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Antwerp International Airport serves the city of Antwerp which is a popular tourist destination in Belgium. One of the languages spoken in Belgium is German, and the leader is Charles Michel." }, { "source": "webnlg", "text": "Charles Michel is the leader of Belgium where the German language is spoken. Antwerp is located in the country and served by Antwerp International airport." }, { "source": "webnlg", "text": "Antwerp International airport services (Charles Michel) led Antwerp, Belgium. German is spoken here.." } ] }, { "tripleset": [ [ "Belgium", "LEADER_NAME", "Philippe of Belgium" ], [ "Antwerp International Airport", "CITY_SERVED", "Antwerp" ], [ "Belgium", "LANGUAGE", "French language" ], [ "Antwerp", "COUNTRY", "Belgium" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Antwerp is served by Antwerp International Airport and is a popular tourism destination in Belgium where the leader is Philippe of Belgium and the French language is spoken." }, { "source": "webnlg", "text": "Antwerp International Airport serves the city of Antwerp in Belgium.The country's leader is Philippe of Belgium and French is one of the official language there." }, { "source": "webnlg", "text": "Antwerp International Airport services, French speaking, Antwerp, Belgium (led by Philippe of Belgium)." } ] }, { "tripleset": [ [ "Harrietstown, New York", "COUNTRY", "United States" ], [ "Saranac Lake, New York", "IS_PART_OF", "Harrietstown, New York" ], [ "Saranac Lake, New York", "IS_PART_OF", "Essex County, New York" ], [ "Adirondack Regional Airport", "CITY_SERVED", "Saranac Lake, New York" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Adirondack Regional Airport serves the city of Saranac Lake, New York part of Harrietstown and Essex County, New York, U.S." }, { "source": "webnlg", "text": "Adirondack Regional Airport serves the city of Saranac Lake which is part of Harrietstown and Essex County, New York." }, { "source": "webnlg", "text": "Adirondack Regional Airport serves Harrietstown, Essex County and Saranac Lake, New York (United States)." } ] }, { "tripleset": [ [ "Iraq", "LANGUAGE", "Kurdish languages" ], [ "Iraq", "LEADER_NAME", "Fuad Masum" ], [ "Al-Taqaddum Air Base", "CITY_SERVED", "Fallujah" ], [ "Fallujah", "COUNTRY", "Iraq" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Al-Taqaddum Air Base serves the city of Fallujah, in Iraq, where Kurdish languages are spoken and Fuad Masum is the leader." }, { "source": "webnlg", "text": "Al-Taqaddum Air Base serves the city of Fallujah, which is in Iraq, where Fuad Masum is the leader and the Kurdish languages are spoken." }, { "source": "webnlg", "text": "The Kurdish languages are spoken in Iraq which is led by Fuad Masum. The city of Fallujah is in the country and served by the Al Taqaddum air base." } ] }, { "tripleset": [ [ "Iraq", "LEADER_NAME", "Haider al-Abadi" ], [ "Iraq", "LANGUAGE", "Kurdish languages" ], [ "Al-Taqaddum Air Base", "CITY_SERVED", "Fallujah" ], [ "Fallujah", "COUNTRY", "Iraq" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Al-Taqaddum Air Base serves the city of Fallujah in Iraq. The country is led by Haider al-Abadi and uses the Kurdish languages." }, { "source": "webnlg", "text": "Al-Taqaddum air base serves the city of Fallujah in Iraq. The leader of the country is Haider al-Abadi and the Kurdish language is spoken." } ] }, { "tripleset": [ [ "Lahore", "COUNTRY", "Pakistan" ], [ "Allama Iqbal International Airport", "LOCATION", "Punjab, Pakistan" ], [ "Allama Iqbal International Airport", "CITY_SERVED", "Lahore" ], [ "Punjab, Pakistan", "LEADER_NAME", "Malik Muhammad Rafique Rajwana" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Allama Iqbal International Airport, which serves the city of Lahore, is located in Punjab, Pakistan. The leader of which is Malik Muhammad Rafique Rajwana." }, { "source": "webnlg", "text": "Located in Pakistan, the city of Lahore is served by Allama Iqbal International Airport which is Punjab Pakistan, where the leader is Malik Muhammad Rafique Rajwana." }, { "source": "webnlg", "text": "Malik Muhammad Rafique Rajwana is the leader of Punjab in Pakistan. The region is the location of Allama Iqbal International airport which serves the city of Lahore." } ] }, { "tripleset": [ [ "Poaceae", "DIVISION", "Flowering plant" ], [ "Alderney Airport", "1ST_RUNWAY_SURFACE_TYPE", "Poaceae" ], [ "Poaceae", "ORDER", "Commelinids" ], [ "Poaceae", "CLASS", "Monocotyledon" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Poaceae belongs to the division of flowering plants, the order of Commelinids and the class of Monocotyledon. It constitutes the surface of the 1st runway at Alderney airport." }, { "source": "webnlg", "text": "Poaceae is in the order of Commelinids, the class of Monocotyledon and belongs to the division of flowering plants. It forms the surface to the 1st runway at Alderney airport." } ] }, { "tripleset": [ [ "BBC", "KEY_PERSON", "Rona Fairhead" ], [ "Bananaman", "BROADCASTED_BY", "BBC" ], [ "BBC", "PRODUCT", "BBC Radio" ], [ "BBC", "LOCATION_CITY", "Broadcasting House" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Rona Fairhead is the key person for the BBC whose headquarters are at Broadcasting House. The BBC broadcast Bananaman and also produces BBC radio." }, { "source": "webnlg", "text": "Rona Fairhead is a key person for the BBC which headquarters are called the Broadcasting House. Along others, both BBC radio and Bananaman are broadcasted." }, { "source": "webnlg", "text": "Rona Fairhead is a key person for the BBC, who are based in Broadcasting House in London. BBC radio is produced by the BBC, who also broadcast the TV series Bananaman." } ] }, { "tripleset": [ [ "Bananaman", "STARRING", "Jill Shilling" ], [ "Bananaman", "CREATOR", "Steve Bright" ], [ "Bananaman", "FIRST_AIRED", "\"1983-10-03\"" ], [ "Bananaman", "BROADCASTED_BY", "\"STV\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Bananaman first aired on 3 October 1983 and starred Jill Shilling. It was created by Steve Bright and broadcast by STV." }, { "source": "webnlg", "text": "Jill shilling was the star of the STV hit Bananaman, created by Steve Bright and first aired on the 3rd of October 1983." }, { "source": "webnlg", "text": "Bananaman was created by Steve Bright and starred Jill Shilling. It was first broadcast by STV on 3 October 1983." } ] }, { "tripleset": [ [ "Big Hero 6 (film)", "STARRING", "Ryan Potter" ], [ "Duncan Rouleau", "NATIONALITY", "Americans" ], [ "Baymax", "CREATOR", "Duncan Rouleau" ], [ "Baymax", "SERIES", "Big Hero 6 (film)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Baymax is a character which was created by American Duncan Rouleau and featured in the film Big Hero 6 ( starring Ryan Potter )." }, { "source": "webnlg", "text": "American, Duncan Rouleau created Baymax, a character in the film Big Hero 6, which starred Ryan Potter." } ] }, { "tripleset": [ [ "Bolt (comicsCharacter)", "CREATOR", "Gary Cohn (comics)" ], [ "Ernie Col\u00f3n", "NATIONALITY", "Puerto Ricans" ], [ "Bolt (comicsCharacter)", "CREATOR", "Ernie Col\u00f3n" ], [ "Bolt (comicsCharacter)", "ALTERNATIVE_NAME", "\"Larry Bolatinsky\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The comic character Bolt, who has the alternative name of Larry Bolatinsky, was created by Gary Cohn and the Puerto Rican national, Ernie Colon." }, { "source": "webnlg", "text": "The comic character Bolt, with the alternative name Larry Bolatinsky, was created by Gary Cohn and Ernie Colon, who is a Puerto Rican national." }, { "source": "webnlg", "text": "Larry Bolatinsky is the alternative name for the comic character, Bolt. It was created by the Puerto Rican national Ernie Colon and the comic book writer, Gary Cohn." } ] }, { "tripleset": [ [ "1634: The Bavarian Crisis", "AUTHOR", "Eric Flint" ], [ "Eric Flint", "BIRTH_PLACE", "Burbank, California" ], [ "1634: The Bavarian Crisis", "PRECEDED_BY", "Grantville Gazette III" ], [ "1634: The Bavarian Crisis", "PRECEDED_BY", "\"DeMarce short stories in the The Grantville Gazettes\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "1634:The Bavarian Crisis was written by Eric Flint who was born in Burbank, California. It was the sequel to Grantville Gazette lll which was a DeMarce short story." }, { "source": "webnlg", "text": "Eric Flint (born Burbank, California) is the author of 1634: The Bavarian Crisis, which is the sequel to Grantville Gazette III. DeMarce short stories in the Grantville Gazettes preceded 1634: The Bavarian Crisis." }, { "source": "webnlg", "text": "Eric Flint, born in Burbank, California, is the author of 1634: The Bavarian Crisis. DeMarce short stories in the Grantville Gazettes and Grantville Gazette III preceded 1634: The Bavarian Crisis." } ] }, { "tripleset": [ [ "1634: The Ram Rebellion", "MEDIA_TYPE", "E-book" ], [ "1634: The Ram Rebellion", "NUMBER_OF_PAGES", "\"512\"" ], [ "1634: The Ram Rebellion", "AUTHOR", "\"Eric Flint, Virginia DeMarce, et al.\"" ], [ "1634: The Ram Rebellion", "ISBN_NUMBER", "\"1-4165-2060-0\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "1634: The Ram Rebellion was written by Eric Flint, Virginia DeMarce, et al. and has 512 pages. It can be found as an E book and the ISBN number of 1-4165-2060-0." }, { "source": "webnlg", "text": "1634: The Ram Rebellion is available as an E-Book and is 512 pages long. It was written by Eric Flint, Virginia DeMarce, et al. and has the ISBN number 1-4165-2060-0." }, { "source": "webnlg", "text": "1634: The Ram Rebellion (ISBN 1-4165-2060-0) written by Eric Flint, Virginia DeMarce, et al is 512 pages long and available in E-Book." } ] }, { "tripleset": [ [ "AIDS (journal)", "COUNTRY", "United Kingdom" ], [ "AIDS (journal)", "PUBLISHER", "Lippincott Williams &amp; Wilkins" ], [ "Lippincott Williams &amp; Wilkins", "PARENT_COMPANY", "Wolters Kluwer" ], [ "United Kingdom", "LEADER_NAME", "Elizabeth II" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "AIDS journal, published by Lippincott Williams &amp; Williams, is from the United Kingdom (led by Elizabeth II). The parent company of Lippincott is Wolters Kluwer." }, { "source": "webnlg", "text": "Wolters Kluwer, the parent company of Lippincott Williams &amp; Wilkins that publishes AIDS (journal), is in the UK where Elizabeth II is the leader." }, { "source": "webnlg", "text": "Wolters Kluwer is the parent company of Lippincott Williams &amp; Wilkins. They publish the AIDS (journal) in the United Kingdom where the leader is Elizabeth II." } ] }, { "tripleset": [ [ "A Fortress of Grey Ice", "MEDIA_TYPE", "Hardcover" ], [ "A Fortress of Grey Ice", "OCLC_NUMBER", "51969173" ], [ "A Fortress of Grey Ice", "AUTHOR", "J. V. Jones" ], [ "A Fortress of Grey Ice", "ISBN_NUMBER", "\"0-7653-0633-6\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "A Fortress of Grey Ice, by J V Jones, has the OCLC number 51969173, the ISBN number 0-7653-0633-6 and is available in hardcover." }, { "source": "webnlg", "text": "A Fortress of Grey Ice, written by J.V. Jones and produced in hardcover, has the ISBN number 0-7653-0633-6 and the OCLC number 51969173." }, { "source": "webnlg", "text": "J V Jones is the author of A Fortress of Grey Ice which was published in hardcover. The OCLC number is 51969173 and the ISBN number is 0-7653-0633-6." } ] }, { "tripleset": [ [ "A Loyal Character Dancer", "AUTHOR", "Qiu Xiaolong" ], [ "A Loyal Character Dancer", "OCLC_NUMBER", "49805501" ], [ "A Loyal Character Dancer", "ISBN_NUMBER", "\"1-56947-301-3\"" ], [ "A Loyal Character Dancer", "MEDIA_TYPE", "Hardcover" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The book, A Loyal Character Dancer, has the ISBN number of 1-56947-301-3 and The OCLC number is 49805501. It was penned by Qiu Xiaolong and can be found in hardcover." }, { "source": "webnlg", "text": "The hardcover book A Loyal Character Dancer was written by Qiu Xiaolong, has an OCLC number of 49805501 and an ISBN number of 1-56947-301-3." }, { "source": "webnlg", "text": "The book A Loyal Character Dancer, written by Qiu Xiaolong, was published in hardcover. It has the ISBN number 1-56947-301-3 and OCLC number 49805501." } ] }, { "tripleset": [ [ "A Loyal Character Dancer", "LANGUAGE", "English language" ], [ "English language", "SPOKEN_IN", "Great Britain" ], [ "A Loyal Character Dancer", "COUNTRY", "United States" ], [ "United States", "ETHNIC_GROUP", "Native Americans in the United States" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "A Loyal Character Dancer is written in English which is spoken in Great Britain. The book is published in the United States where the Native Americans are an ethnic group." }, { "source": "webnlg", "text": "Native Americans are an ethnic group within the United States where A Loyal Character Dancer was written in English, a language also spoken in Great Britain." }, { "source": "webnlg", "text": "A Loyal Character Dancer is published in the United States where the native americans are an ethnic group. It is written in English, which is spoken in Great Britain." } ] }, { "tripleset": [ [ "A Loyal Character Dancer", "PUBLISHER", "Soho Press" ], [ "Soho Press", "COUNTRY", "United States" ], [ "United States", "ETHNIC_GROUP", "Asian Americans" ], [ "United States", "LANGUAGE", "English language" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "A Loyal Character Dancer is published by Soho Press in the United States which speaks English and contains the ethnic group Asian Americans." }, { "source": "webnlg", "text": "A Loyal Character Dancer was published in the United States by Soho Press. The language of the country is English and one of the ethnic groups is Asian American." }, { "source": "webnlg", "text": "The United States has an ethnic group called Asian Americans but the language spoken there is English. A Loyal Character Dancer is published by Soho Press in the United States." } ] }, { "tripleset": [ [ "A Wizard of Mars", "MEDIA_TYPE", "Hardcover" ], [ "A Wizard of Mars", "NUMBER_OF_PAGES", "\"560\"" ], [ "A Wizard of Mars", "AUTHOR", "Diane Duane" ], [ "A Wizard of Mars", "ISBN_NUMBER", "\"978-0-15-204770-2\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "A Wizard of Mars was written by Diane Duane and published in hardback. It's 560 pages long and the ISBN number is 978-0-15-204770-2." }, { "source": "webnlg", "text": "Diane Duane's 'A Wizard of Mars'(ISBN: 978-0-15-204770-2) was published in hardback and has 560 pages." }, { "source": "webnlg", "text": "A Wizard of Mars written by Diane Duane has the ISBN number 978-0-15-204770-2 and is 560 pages long and published in hardcover." } ] }, { "tripleset": [ [ "Acta Mathematica Hungarica", "LCCN_NUMBER", "83646315" ], [ "Acta Mathematica Hungarica", "ABBREVIATION", "\"Acta Math. Hungar.\"" ], [ "Acta Mathematica Hungarica", "ACADEMIC_DISCIPLINE", "Mathematics" ], [ "Acta Mathematica Hungarica", "ISSN_NUMBER", "\"0236-5294\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Acta Mathematica Hungarica, abbreviated to Acta Math. Hungar, discipline is Math. The LCCN number is 83646315 and the ISSN number is 0236-5294." }, { "source": "webnlg", "text": "Acta Mathematica Hungarica (abbreviated as \"Acta Math. Hungar.\") covers the academic discipline of Mathematics. It has the ISSN number of \"0236-5294\" and LCCN number 83646315." } ] }, { "tripleset": [ [ "Acta Palaeontologica Polonica", "LCCN_NUMBER", "60040714" ], [ "Acta Palaeontologica Polonica", "ACADEMIC_DISCIPLINE", "Paleobiology" ], [ "Acta Palaeontologica Polonica", "ABBREVIATION", "\"Acta Palaeontol. Pol.\"" ], [ "Acta Palaeontologica Polonica", "ISSN_NUMBER", "\"0567-7920\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Acta Palaeontologica Polonica has a LCCN number of 60040714 and comes under the academic discipline of Paleobiology. It has the abbreviated name of Acta Palaeontol. Pol. and the ISSN number 0567-7920." }, { "source": "webnlg", "text": "Paleobiology is an academic discipline of Acta Palaeontologica Polonica (Acta Palaeontol. Pol.) with a LCCN number of 60040714 and a ISSN number of 0567-7920." } ] }, { "tripleset": [ [ "Acta Palaeontologica Polonica", "PUBLISHER", "Polish Academy of Sciences" ], [ "Acta Palaeontologica Polonica", "ISSN_NUMBER", "\"1732-2421\"" ], [ "Acta Palaeontologica Polonica", "LCCN_NUMBER", "60040714" ], [ "Acta Palaeontologica Polonica", "ABBREVIATION", "\"Acta Palaeontol. Pol.\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Acta Palaeontologica Polonica (abbreviated to Acta Palaeontol. Pol.) was published by the Polish Academy of Sciences. It has an ISSN number of 1732-2421 and a LCCN number of 60040714." }, { "source": "webnlg", "text": "Acta Palaeontologica Polonica is abbreviated to Acta Palaeontol. Pol and is published by the Polish Academy of Sciences. The publication has the ISSN number 1732-2421 and the LCCN number 60040714." }, { "source": "webnlg", "text": "Polish Academy of Sciences is the publisher of Acta Palaeontologica Polonica which is abbreviated to Acta Palaeontol. Pol.. The ISSN number is 1732-2421 and the LCCN number is 60040714." } ] }, { "tripleset": [ [ "Administrative Science Quarterly", "PUBLISHER", "Cornell University" ], [ "Cornell University", "AFFILIATION", "Association of Public and Land-grant Universities" ], [ "Cornell University", "AFFILIATION", "Association of American Universities" ], [ "Cornell University", "STATE", "New York" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Cornell University, in New York is the publisher of the Administrative Science Quarterly as well as being affiliated with the Association of Public and Land grant Universities and the Association of American Universities." }, { "source": "webnlg", "text": "Administrative Science Quarterly was published by Cornell University, New York, affiliated with the Association of Public and Land Grant Universities and the Association of American Universities." }, { "source": "webnlg", "text": "The Administrative Science Quarterly is published by Cornell University, New York. Cornell University is affiliated with the Association of Public and Land Grant Universities and the Association of American Universities." } ] }, { "tripleset": [ [ "Administrative Science Quarterly", "PUBLISHER", "Cornell University" ], [ "Cornell University", "AFFILIATION", "Association of Public and Land-grant Universities" ], [ "Cornell University", "STATE", "New York" ], [ "Cornell University", "CITY", "Ithaca, New York" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Cornell University is affiliated with the Association of Public and Land grant Universities and publishes the Administrative Science Quarterly. The University is located in Ithaca in the state of New York." }, { "source": "webnlg", "text": "Affiliated with the Association of Public and Land grant Universities, Cornell University, publisher of Administrative Science Quarterly, is the located in the city of Ithaca found in the state of New York." }, { "source": "webnlg", "text": "Cornell University is located in Ithaca, New York and is affiliated with the Association of Public and Land grant Universities and publishes the Administrative Science Quarterly." } ] }, { "tripleset": [ [ "Aenir", "NUMBER_OF_PAGES", "\"233\"" ], [ "Aenir", "AUTHOR", "Garth Nix" ], [ "Aenir", "ISBN_NUMBER", "\"0-439-17684-0\"" ], [ "Aenir", "MEDIA_TYPE", "Paperback" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Aenir, written by Garth Nix, is a paperback with 233 pages. Its ISBN number is 0-439-17684-0." }, { "source": "webnlg", "text": "Garth Nix is the author of Aenir which has the ISBN number of 0-439-17684-0. It has 233 pages and is available in paperback." }, { "source": "webnlg", "text": "Aenir is a paperback book that has 233 pages and was written by Garth Nix, it's ISBN number is 0-439-17684-0." } ] }, { "tripleset": [ [ "Alcatraz Versus the Evil Librarians", "LANGUAGE", "English language" ], [ "English language", "SPOKEN_IN", "Great Britain" ], [ "Alcatraz Versus the Evil Librarians", "COUNTRY", "United States" ], [ "United States", "ETHNIC_GROUP", "African Americans" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "English is spoken in Great Britain and the United States where African Americans are an ethnic group. Alcatraz Versus the Evil Librarians is from The United States and is written in the English language." }, { "source": "webnlg", "text": "African Americans are an ethnic group in the United States. It is also where the book Alcatraz Versus the Evil Librarians comes from. This book was written in English which is the language of Great Britain." }, { "source": "webnlg", "text": "The book Alcatraz Versus the Evil Librarians is written in English, the language spoken in Great Britain. The book comes from the US, where African Americans are an ethnic group." } ] }, { "tripleset": [ [ "American Journal of Mathematics", "PUBLISHER", "Johns Hopkins University Press" ], [ "Johns Hopkins University Press", "COUNTRY", "United States" ], [ "Johns Hopkins University Press", "PARENT_COMPANY", "Johns Hopkins University" ], [ "American Journal of Mathematics", "FIRST_PUBLICATION_YEAR", "1878" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Johns Hopkins University Press (U.S.), subsidary of Johns Hopkins University, publishes the American Journal of Mathematics first printed in 1878 ." }, { "source": "webnlg", "text": "American Journal of Mathematics is published in 1878 by the Johns Hopkins University Press whose parent company is Johns Hopkins University located in the United States." }, { "source": "webnlg", "text": "The American Journal of Mathematics (first pub. 1878) was published by Johns Hopkins University, parent company of Johns Hopkins University Press (United States)." } ] }, { "tripleset": [ [ "English language", "SPOKEN_IN", "Great Britain" ], [ "United States", "ETHNIC_GROUP", "Asian Americans" ], [ "United States", "LANGUAGE", "English language" ], [ "Alcatraz Versus the Evil Librarians", "COUNTRY", "United States" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Asian-Americans is one of the ethnic group in the US where English is spoken along with Great Britain. Alcatraz Versus the Evil Librarians is from The United States." }, { "source": "webnlg", "text": "English is spoken in Great Britain and the United States. The book Alcatraz Versus the Evil Librarians comes from the U.S. where one of the ethnic groups is Asian Americans." } ] }, { "tripleset": [ [ "United States", "LEADER_NAME", "Barack Obama" ], [ "A Wizard of Mars", "LANGUAGE", "English language" ], [ "English language", "SPOKEN_IN", "Great Britain" ], [ "A Wizard of Mars", "COUNTRY", "United States" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Barack Obama is the leader of the United States where A Wizard of Mars was published. The book is in English, which is spoken in Great Britain." }, { "source": "webnlg", "text": "A Wizard of Mars was published in the United States where the leader is Barack Obama. It is published in English which is the language spoken in Great Britain." }, { "source": "webnlg", "text": "A Wizard of Mars is published in the United States where Barack Obama is president and is written in English which is also a language spoken in Great Britain." } ] }, { "tripleset": [ [ "United States", "LEADER_NAME", "Barack Obama" ], [ "A Wizard of Mars", "LANGUAGE", "English language" ], [ "United States", "ETHNIC_GROUP", "Asian Americans" ], [ "A Wizard of Mars", "COUNTRY", "United States" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Originating in the United States, A Wizard of Mars is written in English. The leader of the United States is Barack Obama and the U.S. includes many Asian Americans." }, { "source": "webnlg", "text": "A Wizard of Mars is written in English and was published in the United States, where Barack Obama is the President and Asian Americans is one of the ethnic groups." } ] }, { "tripleset": [ [ "United States", "LEADER_NAME", "Barack Obama" ], [ "English language", "SPOKEN_IN", "Great Britain" ], [ "United States", "LANGUAGE", "English language" ], [ "A Wizard of Mars", "COUNTRY", "United States" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "A Wizard of Mars was Published in the United States. The previous president there was Barack Obama and the main language is English (the language of Great Britain)." }, { "source": "webnlg", "text": "English is spoken in Great Britain and the United States. The leader of the United States is Barack Obama and is where A Wizard of Mars originates from." } ] }, { "tripleset": [ [ "United States", "LEADER_NAME", "Barack Obama" ], [ "United States", "ETHNIC_GROUP", "Asian Americans" ], [ "United States", "LANGUAGE", "English language" ], [ "A Severed Wasp", "COUNTRY", "United States" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "English is the language of the United States where Barack Obama is president, Asian Americans are an ethnic group and a severed Wasp originates." }, { "source": "webnlg", "text": "English is spoken in the United States and this is the country where A Severed Wasp is from. The US includes many Asian Americans and is led by Barack Obama." }, { "source": "webnlg", "text": "A Severed Wasp originates from the United States where Barack Obama is President. The language in the US is English and the Asian Americans are one of the ethnic groups." } ] }, { "tripleset": [ [ "Alan Bean", "NATIONALITY", "United States" ], [ "Alan Bean", "BIRTH_PLACE", "Wheeler, Texas" ], [ "Alan Bean", "TIME_IN_SPACE", "\"100305.0\"(minutes)" ], [ "Alan Bean", "WAS_SELECTED_BY_NASA", "1963" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alan Bean was born in Wheeler, Texas in the United States. He was selected by NASA in 1963, and spent 100305.0 minutes in space." } ] }, { "tripleset": [ [ "Alan Shepard", "WAS_A_CREW_MEMBER_OF", "Apollo 14" ], [ "Distinguished Service Medal (United States Navy)", "HIGHER", "Department of Commerce Gold Medal" ], [ "Apollo 14", "OPERATOR", "NASA" ], [ "Alan Shepard", "AWARD", "Distinguished Service Medal (United States Navy)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alan Shepard was awarded the Distinguished Service Medal (United States Navy and the Department of Commerce Gold Medal. He was a crew member of the NASA operated Apollo 14 mission." } ] }, { "tripleset": [ [ "British Hong Kong", "REPRESENTATIVE", "Chris Patten" ], [ "William Anders", "WAS_A_CREW_MEMBER_OF", "Apollo 8" ], [ "William Anders", "BIRTH_PLACE", "British Hong Kong" ], [ "Apollo 8", "CREW_MEMBERS", "Frank Borman" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "William Anders was born in British Hong Kong, where Chris Patten is a representative. William was a crew member of Apollo 8, and served along Frank Borman." }, { "source": "webnlg", "text": "Born in Hong Kong, William Anders was a crew member of Apollo 8 with representative Chris Patten and Apollo 8 member Frank Borman." } ] }, { "tripleset": [ [ "Buzz Aldrin", "BIRTH_PLACE", "Glen Ridge, New Jersey" ], [ "Buzz Aldrin", "WAS_A_CREW_MEMBER_OF", "Apollo 11" ], [ "Buzz Aldrin", "ALMA_MATER", "\"Massachusetts Institute of Technology, Sc.D. 1963\"" ], [ "Buzz Aldrin", "STATUS", "\"Retired\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Buzz Aldrin was born in Glen Ridge, New Jersey, was part of Apollo 11 and in 1963 graduated with a Sc. D. from MIT and is now retired." }, { "source": "webnlg", "text": "Buzz Aldrin was born in Glen Ridge, New Jersey. He obtained an Sc.D in 1963 from Massachusetts Institute of Technology. He was a crew member of Apollo 11 and has retired." }, { "source": "webnlg", "text": "Buzz Aldrin, now retired, was born in Glen Ridge, New Jersey and graduated from MIT ScD in 1963. He was a crew member of Apollo 11." } ] }, { "tripleset": [ [ "Buzz Aldrin", "BIRTH_PLACE", "Glen Ridge, New Jersey" ], [ "Buzz Aldrin", "WAS_SELECTED_BY_NASA", "1963" ], [ "Buzz Aldrin", "WAS_A_CREW_MEMBER_OF", "Apollo 11" ], [ "Buzz Aldrin", "OCCUPATION", "Fighter pilot" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Buzz Aldrin was born in Glen Ridge, New Jersey. He Joined NASA in 1963 where he became a crew member of Apollo 11 as a Fighter pilot." }, { "source": "webnlg", "text": "Buzz Aldrin was born in Glen Ridge, New Jersey. He was a fighter pilot before being selected by NASA as a crew member of Apollo 11 in 1963." }, { "source": "webnlg", "text": "Buzz Aldrin was born in Glen Ridge New Jersey. He was a fighter pilot who was selected by NASA in 1963 to be a crew member of Apollo 11." } ] }, { "tripleset": [ [ "Buzz Aldrin", "WAS_A_CREW_MEMBER_OF", "Apollo 11" ], [ "Buzz Aldrin", "BIRTH_NAME", "\"Edwin Eugene Aldrin Jr.\"" ], [ "Buzz Aldrin", "AWARD", "20" ], [ "Apollo 11", "OPERATOR", "NASA" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Buzz Aldrin (born as Edwin Eugene Aldrin Jr) was a crew member for NASA's Apollo 11 and had 20 awards." } ] }, { "tripleset": [ [ "Distinguished Service Medal (United States Navy)", "HIGHER", "Department of Commerce Gold Medal" ], [ "Alan Shepard", "DEATH_PLACE", "California" ], [ "Alan Shepard", "BIRTH_PLACE", "New Hampshire" ], [ "Alan Shepard", "AWARD", "Distinguished Service Medal (United States Navy)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alan Shepard, who was awarded the Distinguished Service Medal from the U.S. Navy, an award that is higher than the Department of Commerce Gold Medal, was born in New Hampshire and died in California." } ] }, { "tripleset": [ [ "Distinguished Service Medal (United States Navy)", "HIGHER", "Department of Commerce Gold Medal" ], [ "Alan Shepard", "DEATH_PLACE", "California" ], [ "California", "SENATORS", "Dianne Feinstein" ], [ "Alan Shepard", "AWARD", "Distinguished Service Medal (United States Navy)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alan Shepard died in California, and had a medal and award for Distinguished Service in the United States Navy, and a gold medal for Department of Commerce. Dianne Feinstein is the Senator of California." } ] }, { "tripleset": [ [ "Elliot See", "ALMA_MATER", "University of Texas at Austin" ], [ "Elliot See", "DEATH_PLACE", "St. Louis" ], [ "Elliot See", "BIRTH_PLACE", "Dallas" ], [ "Elliot See", "NATIONALITY", "United States" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Elliot See was a national of the United States. He was born in Dallas and attended the University of Texas in AUstin. He died in St. Louis." } ] }, { "tripleset": [ [ "William Anders", "OCCUPATION", "Fighter pilot" ], [ "William Anders", "WAS_A_CREW_MEMBER_OF", "Apollo 8" ], [ "Apollo 8", "OPERATOR", "NASA" ], [ "William Anders", "WAS_SELECTED_BY_NASA", "1963" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "William Anders joined NASA in 1963 as a fighter pilot and became a crew member of Apollo 8." } ] }, { "tripleset": [ [ "AWH Engineering College", "COUNTRY", "India" ], [ "AWH Engineering College", "ESTABLISHED", "2001" ], [ "AWH Engineering College", "CITY", "\"Kuttikkattoor\"" ], [ "India", "RIVER", "Ganges" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "AWH Engineering College (Kuttikkattoor, India) was established in 2001. One of the rivers in India is the Ganges." }, { "source": "webnlg", "text": "AWH Engineering College was established in 2001, and is located in the city of Kuttikkattoor, India, where the Ganges River is also located." } ] }, { "tripleset": [ [ "Acharya Institute of Technology", "AFFILIATION", "Visvesvaraya Technological University" ], [ "Visvesvaraya Technological University", "CITY", "Belgaum" ], [ "Acharya Institute of Technology", "COUNTRY", "\"India\"" ], [ "Acharya Institute of Technology", "CAMPUS", "\"In Soldevanahalli, Acharya Dr. Sarvapalli Radhakrishnan Road, Hessarghatta Main Road, Bangalore \u2013 560090.\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Acharya Institute of Technology's campus is located in Soldevanahalli, Acharya Dr. Sarvapalli Radhakrishnan Road, Hessarghatta Main Road, Bangalore - 560090, India. It is affiliated with the Visvesvaraya Technological University in Belgaum." }, { "source": "webnlg", "text": "The campus of the Acharya Institute of Technology in India which is affiliated to the Visvesvaraya Technological University in Belgaum is located at In Soldevanahalli, Acharya Dr. Sarvapalli Radhakrishnan Road, Hessarghatta Main Road, Bangalore \u2013 560090." }, { "source": "webnlg", "text": "Acharya Institute of Technology in India is affilaited with the Visvesvaraya Technological University in Belgaum. It's campus is located in Soldevanahalli, Acharya Dr. Sarvapalli Radhakrishnan Road, Hessarghatta Main Road, Bangalore \u2013 560090." } ] }, { "tripleset": [ [ "Acharya Institute of Technology", "CITY", "Bangalore" ], [ "Acharya Institute of Technology", "DIRECTED_BY", "\"Dr. G. P. Prabhukumar\"" ], [ "Acharya Institute of Technology", "COUNTRY", "\"India\"" ], [ "Acharya Institute of Technology", "AFFILIATION", "Visvesvaraya Technological University" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Acharya Institute of Technology is located in Bangalore, India. It is affiliated with the Visvesvaraya Technological University and its directore is Dr. G. P. Prabhukumar." }, { "source": "webnlg", "text": "The Acharya Institute of Technology is located in the city of Bangalore in India. It is affiliated with Visvesvaraya Technological University and its director is Dr. G. P. Prabhukumar." }, { "source": "webnlg", "text": "Dr. G. P. Prabhukumar is a director at Acharya Institute of Technology, an affiliate of Visvesvaraya Technological University in Bangalore, India." } ] }, { "tripleset": [ [ "Acharya Institute of Technology", "WAS_GIVEN_THE_'TECHNICAL_CAMPUS'_STATUS_BY", "All India Council for Technical Education" ], [ "All India Council for Technical Education", "LOCATION", "Mumbai" ], [ "Acharya Institute of Technology", "SPORTS_OFFERED", "Tennis" ], [ "Tennis", "SPORTS_GOVERNING_BODY", "International Tennis Federation" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Acharya Institute of Technology offers tennis as its sport and it was given the \"Technical Campus\" status by the All India Council for Technical Education (located in Mumbai). The sports governing body for tennis is the International Tennis Federation." }, { "source": "webnlg", "text": "The All India Council for Technical Education in Mumbai granted Technical Campus status to the Acharya Institute of Technology. Tennis, which is governed by the International Tennis Federation is a sport offered at the Institute." } ] }, { "tripleset": [ [ "Alba Iulia", "IS_PART_OF", "Alba County" ], [ "Romania", "CAPITAL", "Bucharest" ], [ "1 Decembrie 1918 University", "CITY", "Alba Iulia" ], [ "1 Decembrie 1918 University", "COUNTRY", "Romania" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The 1 Decembrie 1918 University is located in Alba Iulia, part of Alba County in Romania where Bucharest is the capital city." }, { "source": "webnlg", "text": "1 Decembrie 1918 University is located in Alba Iulia, Alba County, Romania. The capital of the country is Bucharest." } ] }, { "tripleset": [ [ "Denmark", "LEADER_NAME", "Lars L\u00f8kke Rasmussen" ], [ "School of Business and Social Sciences at the Aarhus University", "CITY", "Aarhus" ], [ "School of Business and Social Sciences at the Aarhus University", "COUNTRY", "Denmark" ], [ "Aarhus", "GOVERNMENT_TYPE", "Magistrate" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The School of Business and Social Sciences at the Aarhus University is located in the city of Aarhus, Denmark. The leader of the country is Lars L\u00f8kke Rasmussen and Denmark's government type is Magistrate." }, { "source": "webnlg", "text": "The School of Business and Social Sciences at the Aarhus University in Aarhus is located in Denmark, a country in which a magistrate form of government is led by Lars Lokke Rasmussen." } ] }, { "tripleset": [ [ "Kerala", "LEADER_NAME", "Kochi" ], [ "AWH Engineering College", "ACADEMIC_STAFF_SIZE", "250" ], [ "AWH Engineering College", "STATE", "Kerala" ], [ "AWH Engineering College", "CITY", "\"Kuttikkattoor\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The AWH Engineering College is located in Kuttikkattoor, Kerala and it has 250 academic staff. The leader of Kerala is Kochi." }, { "source": "webnlg", "text": "Kochi is leader of Kerala state where the AWH Engineering College with an academic staff of 250 is located in the city of Kuttikkattoor." }, { "source": "webnlg", "text": "The AWH Engineering College in Kuttikkattoor, Kerala has a staff of 250. The leader of Kerala is named Kochi." } ] }, { "tripleset": [ [ "Romania", "ETHNIC_GROUP", "Germans of Romania" ], [ "Romania", "CAPITAL", "Bucharest" ], [ "1 Decembrie 1918 University", "COUNTRY", "Romania" ], [ "Romania", "ANTHEM", "De\u0219teapt\u0103-te, rom\u00e2ne!" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "1 Decembrie 1918 University is located in Romania, which has as its capital, Bucharest. The country's national anthem is De\u0219teapt\u0103-te, rom\u00e2ne! and one of the ethnic groups is Germans of Romania." } ] }, { "tripleset": [ [ "Romania", "LEADER_NAME", "Klaus Iohannis" ], [ "Alba Iulia", "COUNTRY", "Romania" ], [ "Romania", "CAPITAL", "Bucharest" ], [ "1 Decembrie 1918 University", "CITY", "Alba Iulia" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Romania's leader is Klaus Iohannis. Although the capital city is Bucharest, the 1 Decembrie 1918 University is located in the city of Alba Iulia in Romania." }, { "source": "webnlg", "text": "The 1 Decembrie 1918 University is located in Alba Iulia, Romania. The capital of the country is Bucharest and it's leader is Klaus Iohannis." }, { "source": "webnlg", "text": "The 1 Decembrie 1918 University is located in the Romanian city of Alba Iulia. The leader of Romania is Klaus Iohannis and the capital city is Bucharest." } ] }, { "tripleset": [ [ "Amatriciana sauce", "REGION", "Lazio" ], [ "Amatriciana sauce", "COUNTRY", "Italy" ], [ "Amatriciana sauce", "INGREDIENT", "Tomato" ], [ "Amatriciana sauce", "MAIN_INGREDIENTS", "\"Tomatoes, guanciale, cheese, olive oil\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Amatriciana sauce is a traditional Italian sauce from the region of Lazio. Its ingredients include tomatoes, guanciale, cheese and olive oil." }, { "source": "webnlg", "text": "Amatriciana sauce is from the Lazio region of Italy. The main ingredients are Tomatoes, guanciale, cheese, and olive oil." }, { "source": "webnlg", "text": "Amatriciana is a traditional Italian sauce from Lazio. The main ingredients are tomatoes, guanciale, cheese and olive oil." } ] }, { "tripleset": [ [ "Arrabbiata sauce", "COUNTRY", "Italy" ], [ "Italy", "CAPITAL", "Rome" ], [ "Italy", "LEADER_NAME", "Pietro Grasso" ], [ "Italy", "LEADER_NAME", "Sergio Mattarella" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Pietro Grasso and Sergio Mattarella are leaders of Italy, where the capital is Rome. Arrabbiata is a sauce found in Italy." }, { "source": "webnlg", "text": "Arrabbiata sauce can be found in Italy, the capital of which is Rome. Pietro Grasso and Sergio Mattarella are leaders of the country." }, { "source": "webnlg", "text": "Pietro Grasso and Sergio Mattarella are both leaders in Italy, the capital city of which is Rome. Arrabbiata sauce comes from Italy." } ] }, { "tripleset": [ [ "Arr\u00f2s negre", "COUNTRY", "Spain" ], [ "Arr\u00f2s negre", "MAIN_INGREDIENTS", "\"White rice, cuttlefish or squid, cephalopod ink, cubanelle peppers\"" ], [ "Arr\u00f2s negre", "REGION", "Catalonia" ], [ "Arr\u00f2s negre", "INGREDIENT", "Cuttlefish" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Arr\u00f2s negre is from Catalonia Spain and its ingredients are white rice, cuttlefish or squid, cephalopod ink and cubanelle peppers." }, { "source": "webnlg", "text": "Arr\u00f2s negre is a traditional dish from Catalonia, Spain. The main ingredients are white rice, cuttlefish or squid, cephalopod ink and cubanelle peppers." }, { "source": "webnlg", "text": "Arros negre is from the region of Catalonia in Spain. The main ingredients are white rice, cuttlefish or squid, cephalopod ink, cubanelle peppers." } ] }, { "tripleset": [ [ "Arr\u00f2s negre", "COUNTRY", "Spain" ], [ "Arr\u00f2s negre", "MAIN_INGREDIENTS", "\"White rice, cuttlefish or squid, cephalopod ink, cubanelle peppers\"" ], [ "Arr\u00f2s negre", "REGION", "Catalonia" ], [ "Arr\u00f2s negre", "INGREDIENT", "White rice" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "A traditional dish from the Catalonia region in Spain is Arr\u00f2s negre . The main ingredients in it are, white rice, cuttlefish or squid, cephalopod ink, cubanelle peppers." }, { "source": "webnlg", "text": "Arr\u00f2s negre is a traditional dish from Catalonia, Spain. The main ingredients in arr\u00f2s negre are white rice, cuttlefish or squid, cephalopod ink and cubanelle peppers." }, { "source": "webnlg", "text": "Arr\u00f2s negre is from Catalonia, Spain. The main ingredients of Arr\u00f2s negre are white rice, cuttlefish or squid, cephalopod ink, cubanelle peppers." } ] }, { "tripleset": [ [ "Arr\u00f2s negre", "COUNTRY", "Spain" ], [ "Spain", "ETHNIC_GROUP", "Spaniards" ], [ "Arr\u00f2s negre", "REGION", "Catalonia" ], [ "Catalonia", "LEADER_NAME", "Parliament of Catalonia" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Spaniards are the ethnic group in Spain, where a traditional dish is Arr\u00f2s negre. It comes from the region of Catalonia, which is led by the Parliament of Catalonia." }, { "source": "webnlg", "text": "Arros negre is a traditional dish from Spain, where the ethnic group is the Spaniards. Arros negre is from the region of Catalonia, whose leaders are the Parliament of Catalonia." }, { "source": "webnlg", "text": "Arros negre is from the Catalonia region (led by Parliament) of Spain and enjoyed by Spaniards." } ] }, { "tripleset": [ [ "Asam pedas", "COUNTRY", "Malaysia" ], [ "Malaysia", "ETHNIC_GROUP", "Malaysian Malay" ], [ "Sumatra", "ETHNIC_GROUP", "Batak" ], [ "Asam pedas", "REGION", "Sumatra" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Asam pedas is a food found in Malaysia, where the Malay live, but comes from Sumatra where the Batak live." }, { "source": "webnlg", "text": "Asam pedas is a dish from Sumatra and Malaysia. Malaysian Malay is an ethnic group in Malaysia and Batak of Sumatra." }, { "source": "webnlg", "text": "Asam pedas is a food found in Malaysia and Sumatra. Malay is an ethnic group in Malaysia and Batak the same on Sumatra." } ] }, { "tripleset": [ [ "Asam pedas", "COUNTRY", "Malaysia" ], [ "Sumatra", "ETHNIC_GROUP", "Minangkabau people" ], [ "Asam pedas", "REGION", "Sumatra" ], [ "Sumatra", "ETHNIC_GROUP", "Malays (ethnic group)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Asam pedas is a dish from Sumatra, Malaysia where there are ethnic groups like the Malays and the Minangkabau people." }, { "source": "webnlg", "text": "Asam pedas is a food found in Malaysia and Sumatra. Malays are the Minangkabau people are ethnic groups in Sumatra." }, { "source": "webnlg", "text": "Asam pedas is a dish found in Malaysia and Sumatra. The Malays and Minangkabau people are ethnic groups of Sumatra." } ] }, { "tripleset": [ [ "Bacon Explosion", "COUNTRY", "United States" ], [ "United States", "LEADER_NAME", "Barack Obama" ], [ "United States", "ETHNIC_GROUP", "Asian Americans" ], [ "United States", "CAPITAL", "Washington, D.C." ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Bacon Explosion originated in the United States, where Barack Obama is leader, Washing DC is the capital and where Asian Americans are an ethnic group." }, { "source": "webnlg", "text": "The United States, capital city Washington, D.C. , is led by Barack Obama. Asian Americans are one of the ethnic groups in the U.S. The country is also the origin of Bacon Explosion." } ] }, { "tripleset": [ [ "Bacon Explosion", "COUNTRY", "United States" ], [ "United States", "LEADER_NAME", "John Roberts" ], [ "United States", "ETHNIC_GROUP", "Asian Americans" ], [ "United States", "CAPITAL", "Washington, D.C." ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The United States is the country of the Bacon Explosion and Asian Americans are one of the ethnic groups found there. John Roberts is the leader and the capital is Washington, D.C." }, { "source": "webnlg", "text": "Bacon Explosion comes from the United States where John Roberts is a leader.The country's capital city is Washington D.C. and Asian Americans are one of the ethnic groups of the USA." }, { "source": "webnlg", "text": "John Roberts is a leader in the US where the Bacon Explosion comes from. The capital of the country is Washington DC and one of the ethnic groups are the Asian Americans." } ] }, { "tripleset": [ [ "Bacon sandwich", "INGREDIENT", "Ketchup" ], [ "BLT", "DISH_VARIATION", "Club sandwich" ], [ "Bacon sandwich", "DISH_VARIATION", "BLT" ], [ "Bacon sandwich", "COUNTRY", "United Kingdom" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Bacon sandwiches are popular in the UK. Ketchup can be added to them and a variation is the BLT which is similar to a club sandwich." }, { "source": "webnlg", "text": "Bacon sandwich is a dish from the UK that ketchup is often added to. A variant of this sandwich is a BLT, which itself is a variation of the club sandwich." }, { "source": "webnlg", "text": "The BLT is a variation of both the bacon sandwich and the club sandwich. Bacon sandwiches are popular in the UK and can have the added ingredient of ketchup." } ] }, { "tripleset": [ [ "Bacon sandwich", "MAIN_INGREDIENTS", "\"Bread and bacon, with a condiment, often ketchup or brown sauce\"" ], [ "Bacon sandwich", "COUNTRY", "United Kingdom" ], [ "Bacon sandwich", "ALTERNATIVE_NAME", "\"Bacon butty, bacon sarnie, rasher sandwich, bacon sanger, piece 'n bacon, bacon cob, bacon barm, bacon muffin\"" ], [ "Bacon sandwich", "INGREDIENT", "Condiment" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The country that bacon sandwich comes from is the United Kingdom. Its main ingredients are bread and bacon and a condiment, often ketchup or brown sauce. A bacon sandwich can also be known as a bacon butty, bacon sarnie, rasher sandwich, bacon sanger, piece 'n bacon, bacon cob, bacon barm, or bacon muffin." }, { "source": "webnlg", "text": "Bacon sandwich is a dish from the United Kingdom. It is also known as a bacon butty, bacon sarnie, rasher sandwich, bacon sanger, piece 'n bacon, bacon cob, bacon barm, or bacon muffin. The main ingredients in a Bacon sandwich are bread and bacon and it can be served with ketchup or brown sauce as a condiment." } ] }, { "tripleset": [ [ "Baked Alaska", "COURSE", "Dessert" ], [ "Dessert", "DISH_VARIATION", "Cookie" ], [ "United States", "ETHNIC_GROUP", "African Americans" ], [ "Baked Alaska", "COUNTRY", "United States" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Baked Alaska and cookies are desserts. Baked Alaska comes from the U.S. which has African Americans as an ethnic group." }, { "source": "webnlg", "text": "Baked Alaska and cookie is a type of dessert and comes from the United States.African Americans are one of the country's ethnic group." } ] }, { "tripleset": [ [ "Baked Alaska", "MAIN_INGREDIENTS", "\"Meringue, ice cream, sponge cake or Christmas pudding\"" ], [ "Baked Alaska", "REGION", "\"Paris, New York or Hong Kong\"" ], [ "Baked Alaska", "COUNTRY", "United States" ], [ "Baked Alaska", "INGREDIENT", "Sponge cake" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Meringue, ice cream, sponge cake or Christmas pudding are the main ingredients of Baked Alaska which is popular in Paris, New York and Hong Kong and originated in the United States." }, { "source": "webnlg", "text": "Baked Alaska comes from the US and is popular in Paris, New York and Hong Kong. The main ingredients are meringue, ice cream and sponge cake (or Christmas pudding)." }, { "source": "webnlg", "text": "The dish of Baked Alaska is found in the US, Hong Kong, New York and Paris. The main ingredients are Meringue, ice cream, sponge cake or Christmas pudding." } ] }, { "tripleset": [ [ "Baked Alaska", "REGION", "Hong Kong" ], [ "Baked Alaska", "MAIN_INGREDIENTS", "\"Meringue, ice cream, sponge cake or Christmas pudding\"" ], [ "Baked Alaska", "COUNTRY", "\"France, United States or China\"" ], [ "Baked Alaska", "INGREDIENT", "Meringue" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Baked Alaska comes from Hong Kong, France, the United States or China and contains Meringue, ice cream, sponge cake or Christmas pudding ." }, { "source": "webnlg", "text": "Baked Alaska hails from Hong Kong but France, the US and China all claim to have invented the dish. The main ingredients are Meringue, ice cream, sponge cake or Christmas pudding." } ] }, { "tripleset": [ [ "Baked Alaska", "REGION", "Hong Kong" ], [ "Baked Alaska", "MAIN_INGREDIENTS", "\"Meringue, ice cream, sponge cake or Christmas pudding\"" ], [ "Baked Alaska", "COUNTRY", "United States" ], [ "Baked Alaska", "INGREDIENT", "Ice cream" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Baked Alaska is served in the region of Hong Kong and known to be from the USA. The main ingredients are meringue, ice cream and sponge cake (or Christmas pudding)." }, { "source": "webnlg", "text": "Baked Alaska comes from both Hong Kong and the United States. The main ingredients are Meringue, ice cream, sponge cake or Christmas pudding." }, { "source": "webnlg", "text": "Meringue, ice cream, sponge cake or Christmas pudding are main ingredients in baked Alaska which is served in the region of Hong Kong and comes from the United States." } ] }, { "tripleset": [ [ "Bakewell pudding", "REGION", "Derbyshire Dales" ], [ "Bakewell pudding", "DISH_VARIATION", "Bakewell tart" ], [ "Derbyshire Dales", "IS_PART_OF", "Derbyshire" ], [ "Bakewell tart", "INGREDIENT", "Fruit preserves" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Bakewell pudding is from the Derbyshire Dales region in Derbyshire. It's a variant of a bakewell tart and fruit preserves are one of the ingredients used in it." }, { "source": "webnlg", "text": "A variant of bakewell pudding is bakewell tart. Bakewell pudding is from the Derbyshire Dales region which is part of Derbyshire. Fruit preserves are found in the Bakewell tart." } ] }, { "tripleset": [ [ "Bakso", "INGREDIENT", "Tapioca" ], [ "Bakso", "COUNTRY", "Indonesia" ], [ "Bakso", "MAIN_INGREDIENTS", "\"Ground beef, tapioca, noodle, rice vermicelli, beef broth, kailan, celery, salted vegetables, fried shallots\"" ], [ "Bakso", "REGION", "\"Nationwide in Indonesia, also popular in neighboring Southeast Asian countries\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Bakso is a traditional dish throughout Indonesia and is popular in neighbouring Southeast Asian countries too. Ground beef, tapioca, noodle, rice vermicelli, beef broth, kailan, celery, salted vegetables, and fried shallots are main ingredients in Bakso." }, { "source": "webnlg", "text": "Bakso is an Indonesian dish which is also popular in neighbouring Southeast Asian countries. The main ingredients of the dish are ground beef, tapioca, noodle, rice vermicelli, beef broth, kailan, celery, salted vegetables and fried shallots." }, { "source": "webnlg", "text": "Bakso is an Indonesian dish also popular in neighbouring Southeast Asian countries and includes the ingredients ground beef, tapioca, noodle, rice vermicelli, beef broth, kailan, celery, salted vegetables and fried shallots." } ] }, { "tripleset": [ [ "Bakso", "REGION", "Indonesia" ], [ "Bakso", "INGREDIENT", "Noodle" ], [ "Bakso", "COUNTRY", "Indonesia" ], [ "Bakso", "MAIN_INGREDIENTS", "\"Ground beef, tapioca, noodle, rice vermicelli, beef broth, kailan, celery, salted vegetables, fried shallots\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Bakso is a food from the Country of Indonesia. Ground beef, tapioca, noodle, rice vermicelli, beef broth, kailan, celery, salted vegetables, and fried shallots are main ingredients in Bakso." }, { "source": "webnlg", "text": "Bakso is a food found in Indonesia. The main ingredients of the dish are ground beef, tapioca, noodle, rice vermicelli, beef broth, kailan, celery, salted vegetables and fried shallots." }, { "source": "webnlg", "text": "Bakso is a food found in Indonesia it contains ground beef, tapioca, noodle, rice vermicelli, beef broth, kailan, celery, salted vegetables, and fried shallots." } ] }, { "tripleset": [ [ "Bandeja paisa", "INGREDIENT", "Kidney bean" ], [ "Bandeja paisa", "MAIN_INGREDIENTS", "\"red beans, pork belly, white rice, ground meat, chicharon, fried egg, plantain (patacones), chorizo, arepa, hogao sauce, black pudding (morcilla), avocado and lemon\"" ], [ "Bandeja paisa", "REGION", "Paisa Region" ], [ "Bandeja paisa", "COUNTRY", "Colombian cuisine" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Bandeja paisa is part of Colombian cuisine that originates from the Paisa region. Main ingredients are kidney beans, red beans, pork belly, white rice, ground meat, chicharon, fried egg, plantain (patacones), chorizo, arepa, hogao sauce, black pudding (morcilla), avocado and lemon." }, { "source": "webnlg", "text": "Bandeja paisa is a traditional dish from the Paisa and Colombian regions. The main ingredients in bandeja paisa are red kidney beans, pork belly, white rice, ground meat, chicharon, fried egg, plantain (patacones), chorizo, arepa, hogao sauce, black pudding (morcilla), avocado and lemon." }, { "source": "webnlg", "text": "Bandeja paisa originates from the Paisa region and is part of Colombian cuisine. It includes red and kidney beans, pork belly, white rice, ground meat, chicharon, fried egg, plantain (patacones), chorizo, arepa, hogao sauce, black pudding (morcilla), avocado and lemon." } ] }, { "tripleset": [ [ "Bandeja paisa", "MAIN_INGREDIENTS", "\"red beans, pork belly, white rice, ground meat, chicharon, fried egg, plantain (patacones), chorizo, arepa, hogao sauce, black pudding (morcilla), avocado and lemon\"" ], [ "Bandeja paisa", "REGION", "Paisa Region" ], [ "Bandeja paisa", "COUNTRY", "Colombian cuisine" ], [ "Bandeja paisa", "INGREDIENT", "Hogao" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Bandeja paisa is a Colombian cuisine from the Paisa region. The main ingredients of Bandeja paisa are: red beans, pork belly, white rice, ground meat, chicharon, fried egg, plantain (patacones), chorizo, arepa, hogao sauce, black pudding (morcilla), avocado and lemon\"." }, { "source": "webnlg", "text": "The main ingredients of Bandeja paisa are red beans, pork belly, white rice, ground meat, chicharon, fried egg, plantain (patacones), chorizo, arepa, hogao sauce, black pudding (morcilla), avocado and lemon. The dish is from Colombian cuisine and originates in the Paisa region." }, { "source": "webnlg", "text": "Bandeja paisa is a colombian cuisine from the Paisa region. The main ingredients are red beans, pork belly, white rice, ground meat, chicharon, fried egg, plantain (patacones), chorizo, arepa, hogao sauce, black pudding (morcilla), avocado and lemon." } ] }, { "tripleset": [ [ "Barny Cakes", "COUNTRY", "France" ], [ "France", "LANGUAGE", "French language" ], [ "France", "LEADER_NAME", "G\u00e9rard Larcher" ], [ "France", "LEADER_NAME", "Fran\u00e7ois Hollande" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Barny Cakes comes from France where French is spoken and leaders include Gerard Larcher and Francois Hollande." }, { "source": "webnlg", "text": "Barny Cakes come from is France where they speak French. The leader is either Fran\u00e7ois Hollande and/or Gerard Larcher." }, { "source": "webnlg", "text": "France, where French is spoken and which has the leaders Francois Hollande and G\u00e9rard Larcher is also home to the Barny cake." } ] }, { "tripleset": [ [ "Batagor", "COUNTRY", "Indonesia" ], [ "Batagor", "DISH_VARIATION", "Siomay" ], [ "Siomay", "DISH_VARIATION", "Shumai" ], [ "Shumai", "INGREDIENT", "Shiitake" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Batagor, which is found in Indonesia and Siomay are both variations of the same dish. Shumai is a variation of the dish Siomay while Shiitake is an ingredient of Shumai." }, { "source": "webnlg", "text": "Batagor originates from the country of Indonesia, Shumai is a variation of the dish Siomay and contains Shiitake." }, { "source": "webnlg", "text": "Batagor, found in Indonesia, is a variation of the dish Siomay. Another variation of that dish is Shumai, which is made using shiitake mushrooms." } ] }, { "tripleset": [ [ "Batchoy", "COUNTRY", "Philippines" ], [ "Batchoy", "MAIN_INGREDIENTS", "\"noodles, pork organs, vegetables, chicken, shrimp, beef\"" ], [ "Batchoy", "INGREDIENT", "Pork" ], [ "Batchoy", "REGION", "La Paz, Iloilo City" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "La Paz, Iloilo City, Philippines is the home of Batchoy. The main ingredients of batchoy are noodles, pork organs, vegetables, chicken, shrimp, and beef." }, { "source": "webnlg", "text": "Batchoy is a food found in La Paz, Iloilo City, Philippines. The main ingredients of Batchoy are noodles, pork organs, vegetables, chicken, shrimp, beef." } ] }, { "tripleset": [ [ "Batchoy", "INGREDIENT", "Chicken" ], [ "Batchoy", "COUNTRY", "Philippines" ], [ "Batchoy", "COURSE", "Soup" ], [ "Batchoy", "MAIN_INGREDIENTS", "\"noodles, pork organs, vegetables, chicken, shrimp, beef\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Philippines is the home of the soup dish Batchoy. The main ingredients are noodles, pork organs, vegetables, chicken, shrimp and beef." }, { "source": "webnlg", "text": "Batchoy is a soup from the Philippines. The main ingredients of batchoy are noodles, pork organs, vegetables, chicken, shrimp, and beef." }, { "source": "webnlg", "text": "Batchoy is a soup dish from the Philippines and is made with noodles, pork organs, vegetables, chicken, shrimp and beef." } ] }, { "tripleset": [ [ "Beef kway teow", "COUNTRY", "Singapore" ], [ "Beef kway teow", "MAIN_INGREDIENTS", "\"Kway teow, beef tender loin, gula Melaka, sliced, dried black beans, garlic, dark soy sauce, lengkuas, oyster sauce, soya sauce, chilli and sesame oil\"" ], [ "Beef kway teow", "REGION", "\"Nationwide in Singapore and Indonesia\"" ], [ "Beef kway teow", "INGREDIENT", "Sesame oil" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Beef kway teow is available nationwide in Singapore (where its from) and Indonesia. The main ingredients in it are; Kway teow, beef tender loin, gula Melaka, sliced, dried black beans, garlic, dark soy sauce, lengkuas, oyster sauce, soya sauce, chilli and sesame oil." }, { "source": "webnlg", "text": "Beef kway teow is a popular dish in Singapore and Indonesia. The main ingredients for Beef Kway Teow are: Kway teow, beef tender loin, gula Melaka, sliced, dried black beans, garlic, dark soy sauce, lengkuas, oyster sauce, soya sauce, chilli and sesame oil." }, { "source": "webnlg", "text": "Beef kway teow is a dish popular in Singapore and Indonesia. Kway teow, beef tender loin, gula Melaka, sliced, dried black beans, garlic, dark soy sauce, lengkuas, oyster sauce, soya sauce, chilli and sesame oil are the main ingredients." } ] }, { "tripleset": [ [ "Beef kway teow", "REGION", "Singapore" ], [ "Beef kway teow", "COUNTRY", "\"Singapore and Indonesia\"" ], [ "Singapore", "LANGUAGE", "Standard Chinese" ], [ "Singapore", "LEADER_NAME", "Halimah Yacob" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Beef kway teow is a dish commonly found in Indonesia. The same dish is found in Singapore, where Halimah Yacob is a leader and Standard Chinese is the language spoken." }, { "source": "webnlg", "text": "Beef kway teow is found in Indonesia and Singapore. Halimah Yacob is a leader of Standard Chinese speaking Singapore." } ] }, { "tripleset": [ [ "Beef kway teow", "REGION", "Singapore" ], [ "Beef kway teow", "MAIN_INGREDIENTS", "\"Kway teow, beef tender loin, gula Melaka, sliced, dried black beans, garlic, dark soy sauce, lengkuas, oyster sauce, soya sauce, chilli and sesame oil\"" ], [ "Beef kway teow", "COUNTRY", "Indonesia" ], [ "Beef kway teow", "INGREDIENT", "Sesame oil" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Beef kway teow is a popular food of Indonesia that comes from the Singapore region. Its ingredients include kway teow, beef tender loin, gula Melaka, dried black beans, garlic, dark soy sauce, lengkuas, oyster sauce, chilli and sesame oil." }, { "source": "webnlg", "text": "Beef kway teow originates from Singapore and Indonesia. Kway teow, beef tender loin, gula Melaka, sliced, dried black beans, garlic, dark soy sauce, lengkuas, oyster sauce, soya sauce, chilli and sesame oil are the main ingredients of the dish." }, { "source": "webnlg", "text": "Beef kway teow originates from Singapore and Indonesia.The main ingredients of the dish are: Kway teow, beef tender loin, gula Melaka, sliced, dried black beans, garlic, dark soy sauce, lengkuas, oyster sauce, soya sauce, chilli and sesame oil." } ] }, { "tripleset": [ [ "Bhajji", "COUNTRY", "India" ], [ "Bhajji", "REGION", "Karnataka" ], [ "Bhajji", "ALTERNATIVE_NAME", "\"Bhaji, bajji\"" ], [ "Bhajji", "INGREDIENT", "Vegetable" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Originating from the Karnataka region in India, Bhajji (also known as Bhali or bajji), has vegetables as a main ingredient." }, { "source": "webnlg", "text": "Bhajji comes from the Karnataka region of India.The dish contains vegetables and also known as Bhaji or bajji." } ] }, { "tripleset": [ [ "Bhajji", "REGION", "Karnataka" ], [ "Bhajji", "MAIN_INGREDIENTS", "\"Gram flour, vegetables\"" ], [ "Bhajji", "ALTERNATIVE_NAME", "\"Bhaji, bajji\"" ], [ "Bhajji", "INGREDIENT", "Vegetable" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Gram flour and vegetables are main ingredients in bhajji (also known as Bhaji and bajji) which comes from the Karnataka region." }, { "source": "webnlg", "text": "Bhajji, also known as Bhaji or bajji, are found in the region of Karnataka and its ingredients are gram flour and vegetables." }, { "source": "webnlg", "text": "Bhajji (aka Bhaji or bajji) is from the Karnataka region. It includes gram flour and vegetables." } ] }, { "tripleset": [ [ "Binignit", "INGREDIENT", "Sweet potato" ], [ "Sweet potato", "DIVISION", "Flowering plant" ], [ "Binignit", "MAIN_INGREDIENTS", "Sago" ], [ "Sweet potato", "ORDER", "Solanales" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The binignit recipe calls for sweet potatoes and sago. The sweet potato belongs to the flowering plant and falls under the order of Solanales." }, { "source": "webnlg", "text": "Sago and Sweet potato are ingredients in Binignit. Sweet potato belongs to the Solanales order of flowering plants." } ] }, { "tripleset": [ [ "Binignit", "REGION", "Visayas" ], [ "Binignit", "MAIN_INGREDIENTS", "Coconut milk" ], [ "Binignit", "COUNTRY", "Philippines" ], [ "Binignit", "INGREDIENT", "Sago" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Binignit is a dish from the region of Visayas in the Philippines. One of the main ingredients of binignit is coconut milk and another ingredient is sago." }, { "source": "webnlg", "text": "The main ingredient of binignit is coconut milk and it also contains sago. The dish comes from the Visayas region of the Philippines." } ] }, { "tripleset": [ [ "Bionico", "COUNTRY", "Mexico" ], [ "Bionico", "COURSE", "Dessert" ], [ "Bionico", "REGION", "Jalisco" ], [ "Bionico", "INGREDIENT", "Granola" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Using one of the required ingredients, granola, Bionico is a dish served for dessert and is found in the region of Jalisco, in Mexico." }, { "source": "webnlg", "text": "Bionico, a dessert found in the Jalisco region of Mexico, has granola in it." }, { "source": "webnlg", "text": "The granola-based dessert Bionico is a food found in Jalisco, Mexico." } ] }, { "tripleset": [ [ "Bionico", "COUNTRY", "Mexico" ], [ "Bionico", "MAIN_INGREDIENTS", "\"Chopped Fruits, Sour Cream, Condensed Milk, Granola, Shredded Coconut, Raisins\"" ], [ "Bionico", "REGION", "Guadalajara" ], [ "Bionico", "INGREDIENT", "Sour cream" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Bionico is a food found in Guadalajara, Mexico. Sour cream, chopped fruits, condensed milk. granola, raisins and shredded coconut are the main ingredients in Bionico." }, { "source": "webnlg", "text": "Bionico is a food originates from the Guadalajara region of Mexico.The main ingredients of the dish are chopped fruits,sour cream,condensed milk,granola,shredded coconut and raisins." }, { "source": "webnlg", "text": "The main ingredients of Bionico are chopped fruits, sour cream, condensed milk, granola, shredded coconut and raisins. It is a Mexican food from the Guadalajara region." } ] }, { "tripleset": [ [ "Bionico", "COUNTRY", "Mexico" ], [ "Mexico", "LEADER_NAME", "Silvano Aureoles Conejo" ], [ "Bionico", "COURSE", "Dessert" ], [ "Dessert", "DISH_VARIATION", "Cookie" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Bionico and cookies are desserts. Bionico originates from Mexico, where the leader is Silvano Aureoles Conejo." }, { "source": "webnlg", "text": "Bionico is a dessert found in Mexico, the leader is Silvano Aureoles Conejo and cookies are also a dessert." }, { "source": "webnlg", "text": "Cookies and bionico are both types of dessert. The latter dish is found in Mexico where Silvano Aureoles Conejo is the leader." } ] }, { "tripleset": [ [ "Indonesia", "LEADER_NAME", "Jusuf Kalla" ], [ "Bakso", "REGION", "Indonesia" ], [ "Bakso", "INGREDIENT", "Tapioca" ], [ "Bakso", "COUNTRY", "Indonesia" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Bakso is a dish from the country of Indonesia (where the leader is Jusuf Kalla), it includes Tapioca." }, { "source": "webnlg", "text": "Bakso is a food originates from Indonesia and contains tapioca.The country's leader is Jusuf Kalla." }, { "source": "webnlg", "text": "Bakso has tapioca as an ingredient and is a food found in Indonesia where it originated. The leader of the country is Jusuf Kalla." } ] }, { "tripleset": [ [ "Java", "ETHNIC_GROUP", "Baduy" ], [ "Ayam penyet", "REGION", "Singapore" ], [ "Singapore", "LEADER_NAME", "Tony Tan" ], [ "Ayam penyet", "COUNTRY", "Java" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Ayam penyet is originates from Singapore and Tony Tan is the country's leader.It can also be found in Java where Baduy people are one of the ethnic groups." }, { "source": "webnlg", "text": "Baduy is an ethnic group of Java, where the dish ayam penyet can be found. This dish is from the Singapore region, where Tony Tan is a leader." }, { "source": "webnlg", "text": "Ayam penyet is a dish from Java, where the Baduy are an ethnic group. The dish comes from Singapore where Tony Tan is the leader." } ] }, { "tripleset": [ [ "Philippines", "ETHNIC_GROUP", "Ilocano people" ], [ "Philippines", "ETHNIC_GROUP", "Zamboangans" ], [ "Philippines", "LANGUAGE", "Philippine Spanish" ], [ "Batchoy", "COUNTRY", "Philippines" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Batchoy is a dish eaten in the Philippines. The language used there is Philippines Spanish and two of its ethnic groups are Ilocano people and Zamboangans." }, { "source": "webnlg", "text": "Batchoy is eaten in the Philippines where the spoken language is Philippine Spanish. The Zamboangans and Ilocano people are both ethnic groups in the country." } ] }, { "tripleset": [ [ "Philippines", "LANGUAGE", "Arabic" ], [ "Philippines", "ETHNIC_GROUP", "Zamboangans" ], [ "Batchoy", "COUNTRY", "Philippines" ], [ "Philippines", "ETHNIC_GROUP", "Igorot people" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Batchoy comes from the Philippines where one of the languages is Arabic. It is also where there are several ethnic groups, two of which are Zamboangans and Igorot people." }, { "source": "webnlg", "text": "Batchoy is a dish that is found in the Philippines, where the Igorot people and the Zamboangans are ethnic groups and where Arabic is one of the languages spoken." }, { "source": "webnlg", "text": "The Zamboangans and Igorot people are ethnic groups in the Philippines where the Arabic language is spoken and batchoy is eaten." } ] }, { "tripleset": [ [ "Philippines", "LANGUAGE", "Philippine English" ], [ "Binignit", "COURSE", "Dessert" ], [ "Dessert", "DISH_VARIATION", "Cookie" ], [ "Binignit", "COUNTRY", "Philippines" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Cookie is a type of dessert, as too is Binignit which comes from the Philippines. Philippine English is the language of the Philippines." }, { "source": "webnlg", "text": "Philippine English is the language spoken in the Philippines, where the dish binignit can be found. It should be served as the dessert course. Other type of dessert is a cookie." }, { "source": "webnlg", "text": "Cookies and binignit are types of dessert. The latter dish can be found in the Philippines where the spoken language is known as Philippine English." } ] }, { "tripleset": [ [ "Philippines", "LANGUAGE", "Philippine English" ], [ "Binignit", "COURSE", "Dessert" ], [ "Dessert", "DISH_VARIATION", "Sandesh (confectionery)" ], [ "Binignit", "COUNTRY", "Philippines" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Sandesh and Binignit are desserts. Binignit comes from the Philippines, where the language is Philippine English." }, { "source": "webnlg", "text": "Sandesh (confectionery) and Binignit are both dishes served as dessert. The latter dish originates from the Philippines where Philippine English is spoken." } ] }, { "tripleset": [ [ "1634: The Bavarian Crisis", "FOLLOWED_BY", "Ring of Fire II" ], [ "Ring of Fire II", "LANGUAGE", "English language" ], [ "1634: The Bavarian Crisis", "PRECEDED_BY", "Grantville Gazette II" ], [ "1634: The Bavarian Crisis", "AUTHOR", "\"Virginia DeMarce and Eric Flint\"" ], [ "Grantville Gazette II", "PRECEDED_BY", "The Grantville Gazette" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Ring of Fire II is written in English and preceded by Grantville Gazette, Grantville Gazette II and 1634: The Bavarian Crisis. The latter book is written by Virginia DeMarce and Eric Flint." } ] }, { "tripleset": [ [ "Administrative Science Quarterly", "PUBLISHER", "Cornell University" ], [ "Cornell University", "AFFILIATION", "Association of Public and Land-grant Universities" ], [ "Cornell University", "AFFILIATION", "Association of American Universities" ], [ "Cornell University", "PRESIDENT", "Elizabeth Garrett" ], [ "Cornell University", "CITY", "Ithaca, New York" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Cornell University is affiliated with the Association of Public and Land grant Universities and the Association of American Universities. The University is located in Ithaca New York and is overseen by its President, Elizabeth Garrett. It is responsible for publishing the Administrative Science Quarterly." }, { "source": "webnlg", "text": "Administrative Science Quarterly was published by Cornell University, located in Ithaca, New York, and affiliated with the Association of Public and Land grant Universities, as well as with the Association of American Universities. President of Cornell University is Elizabeth Garrett." }, { "source": "webnlg", "text": "Affiliated with the Association of Public and Land grant Universities and the Association of American Universities., Cornell University is the publisher of the Administrative Science Quarterly. The university is located in Ithaca New York and the president is Elizabeth Garrett." } ] }, { "tripleset": [ [ "English language", "SPOKEN_IN", "Great Britain" ], [ "A Loyal Character Dancer", "PUBLISHER", "Soho Press" ], [ "A Loyal Character Dancer", "COUNTRY", "United States" ], [ "United States", "ETHNIC_GROUP", "African Americans" ], [ "United States", "LANGUAGE", "English language" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "A Loyal Character Dancer is published by Soho Press in the United States, a country with an ethnic groups of African American and a language of English (also spoken in Great Britain)." }, { "source": "webnlg", "text": "English is the language spoken in both Great Britain and the United States. However it is in the US that A Loyal Character Dancer was published by Soho Press. It is in this country that the ethnic group of African Americans can be found." }, { "source": "webnlg", "text": "A Loyal Character Dancer is published by Soho Press in the United States, where there is an ethnic group called the African Americans. English is the language of the United States and also of Great Britain." } ] }, { "tripleset": [ [ "English language", "SPOKEN_IN", "Great Britain" ], [ "A Loyal Character Dancer", "PUBLISHER", "Soho Press" ], [ "A Loyal Character Dancer", "COUNTRY", "United States" ], [ "United States", "ETHNIC_GROUP", "Native Americans in the United States" ], [ "United States", "LANGUAGE", "English language" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The English language is spoken in Great Britain and the United States where Native Americans are an ethnic group. A Loyal Character Dancer is published in the United States by Soho Press." }, { "source": "webnlg", "text": "English is spoken in Great Britain but is also the language of the United States where Native Americans are one of the ethnic groups. The book \"A Loyal Character Dancer\" was published in the US by Soho Press." }, { "source": "webnlg", "text": "A Loyal Character Dancer is published by Soho Press in the United States. The language spoken in the United States (as well as in Great Britain) is English, and one of the US ethnic groups is Native Americans." } ] }, { "tripleset": [ [ "English language", "SPOKEN_IN", "Great Britain" ], [ "A Loyal Character Dancer", "PUBLISHER", "Soho Press" ], [ "Soho Press", "COUNTRY", "United States" ], [ "United States", "ETHNIC_GROUP", "Asian Americans" ], [ "United States", "LANGUAGE", "English language" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "A Loyal Character Dancer is published by Soho Press, located in the United States. English is the main language of the U.S., and is also spoken in Great Britain. The U.S. has an ethnic group called Asian Americans." }, { "source": "webnlg", "text": "A Loyal Character Dancer was published by Soho Press, which is located in the U.S. where they speak English, same as in Great Britain and have many Asian Americans." } ] }, { "tripleset": [ [ "English language", "SPOKEN_IN", "Great Britain" ], [ "United States", "LANGUAGE", "English language" ], [ "United States", "CAPITAL", "Washington, D.C." ], [ "A Severed Wasp", "COUNTRY", "United States" ], [ "United States", "ETHNIC_GROUP", "Native Americans in the United States" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "A Severed Wasp is from the United States where the Native Americans are an ethnic group. The capital city is Washington DC and uses the English language which is also spoken in Great Britain." }, { "source": "webnlg", "text": "The language of both Great Britain and the United States is English. It is in the United States, where the capital is Washington DC and the ethnic group of Native Americans are found. The country is also the origin of the book \"A Severed Wasp\"." }, { "source": "webnlg", "text": "The Native Americans are an ethnic group in the United States where the book A Severed Wasp originated. The capital of the US is Washington DC and the language spoken in the US, and also Great Britain, is English." } ] }, { "tripleset": [ [ "Into Battle (novel)", "COUNTRY", "Australians" ], [ "Into Battle (novel)", "FOLLOWED_BY", "The Violet Keystone" ], [ "Above the Veil", "FOLLOWED_BY", "Into Battle (novel)" ], [ "Above the Veil", "PRECEDED_BY", "Aenir" ], [ "Aenir", "PRECEDED_BY", "Castle (novel)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The novel Into Battle is published in Australia. It is in a series of books including The Violet Keystone, Above The Veil, Aenir and Castle." } ] }, { "tripleset": [ [ "United States", "LEADER_NAME", "Barack Obama" ], [ "A Severed Wasp", "LANGUAGE", "English language" ], [ "English language", "SPOKEN_IN", "Great Britain" ], [ "United States", "ETHNIC_GROUP", "Asian Americans" ], [ "A Severed Wasp", "COUNTRY", "United States" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "A Severed Wasp was written in the English language which is spoken in Great Britain. A severed Wasp originates from the United States where Barack Obama is the leader and there is an ethnic group called Asian Americans." }, { "source": "webnlg", "text": "A severed Wasp, published in the United States, is written in the English language, which is also spoken in Great Britain. The president of the United States, where many Asian Americans live, is Barack Obama." } ] }, { "tripleset": [ [ "United States", "LEADER_NAME", "Barack Obama" ], [ "English language", "SPOKEN_IN", "Great Britain" ], [ "United States", "ETHNIC_GROUP", "Asian Americans" ], [ "United States", "LANGUAGE", "English language" ], [ "A Severed Wasp", "COUNTRY", "United States" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "A severed Wasp originates from the United States, a country with President Barack Obama, an ethnic group of Asian Americans, and a language of English (also spoken in Great Britain)." } ] }, { "tripleset": [ [ "United States", "LEADER_NAME", "Barack Obama" ], [ "United States", "CAPITAL", "Washington, D.C." ], [ "1634: The Ram Rebellion", "COUNTRY", "United States" ], [ "United States", "ETHNIC_GROUP", "Asian Americans" ], [ "1634: The Ram Rebellion", "PRECEDED_BY", "1634: The Galileo Affair" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Barack Obama is the president of the US where there are many Asian Americans and the capital is Washington D. C. 1634 The Ram Rebellion was written in the U.S and is preceded by 1634: The Galileo Affair." }, { "source": "webnlg", "text": "1634: The Ram Rebellion is an American novel and is preceded by 1634: The Galileo Affair. The capital of the US is Washington D.C. and the previous leader was Barack Obama, One ethnic group in the country is Asian American." }, { "source": "webnlg", "text": "1634: The Ram Rebellion (preceded by 1634: The Galileo Affair), was written in the US, where Barack Obama is the leader, Washington DC is the capital and there is an ethnic group called Asian Americans." } ] }, { "tripleset": [ [ "United States", "LEADER_NAME", "Barack Obama" ], [ "United States", "DEMONYM", "Americans" ], [ "United States", "CAPITAL", "Washington, D.C." ], [ "1634: The Ram Rebellion", "COUNTRY", "United States" ], [ "United States", "ETHNIC_GROUP", "African Americans" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The demonym for people living in the United States is Americans and there is an ethnic group called African American. The leader of the United States is Barack Obama, the capital is Washington D. C. and 1634 The Ram Rebellion was written there." }, { "source": "webnlg", "text": "The United States is inhabited by Americans including the ethnic group of African Americans. The book 1634 The Ram Rebellion was written in the country which is led by President Barack Obama and has the capital city of Washington DC." }, { "source": "webnlg", "text": "The people living in the United States are Americans, including the ethnic group of African Americans. The capital of the US is Washington DC and the President is Barack Obama. The book 1634 The Ram Rebellion was written within the US." } ] }, { "tripleset": [ [ "United States", "LEADER_TITLE", "President of the United States" ], [ "English language", "SPOKEN_IN", "Great Britain" ], [ "United States", "ETHNIC_GROUP", "Asian Americans" ], [ "United States", "LANGUAGE", "English language" ], [ "A Wizard of Mars", "COUNTRY", "United States" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "English is spoken in Great Britain and the United States where there are many Asian Americans. A Wizard of Mars was published in the United States and the leader is the President." }, { "source": "webnlg", "text": "English is spoken in Great Britain and the United States where A Wizard of Mars was published. The leader of the United States is known as the President and there is an ethnic group called Asian Americans." } ] }, { "tripleset": [ [ "Albany, Georgia", "IS_PART_OF", "Georgia (U.S. state)" ], [ "United States", "LEADER_TITLE", "President of the United States" ], [ "United States", "DEMONYM", "Americans" ], [ "United States", "ETHNIC_GROUP", "Asian Americans" ], [ "Albany, Georgia", "COUNTRY", "United States" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The United States, whiere the inhabitants are known as Americans, is led by the President and has Asian Americans as an ethnic group. It is the location of Albany, part of the state of Georgia." }, { "source": "webnlg", "text": "Albany is located in the US state of Georgia, U.S. With the leader called the President of the United States there are Asian Americans as well as Americans living there." }, { "source": "webnlg", "text": "Americans are the people occupying the U.S., whose leader is the President of the United States, and Asian Americans are an ethnic group there. Albany is part of the state of Georgia in the United States." } ] }, { "tripleset": [ [ "Alpharetta, Georgia", "COUNTRY", "United States" ], [ "United States", "ETHNIC_GROUP", "Native Americans in the United States" ], [ "Fulton County, Georgia", "LARGEST_CITY", "Atlanta" ], [ "Alpharetta, Georgia", "IS_PART_OF", "Georgia (U.S. state)" ], [ "Alpharetta, Georgia", "IS_PART_OF", "Fulton County, Georgia" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alpharetta, is in Fulton County, Georgia, in the United States, a country where Native Americans are an ethnic group. The largest city in Fulton County is Atlanta." }, { "source": "webnlg", "text": "The Native Americans are an ethnic group in the United States where Fulton County is found. The County, which is in the state of Georgia is the location of Alpharetta and has Atlanta as its largest city." } ] }, { "tripleset": [ [ "Amarillo, Texas", "IS_PART_OF", "Potter County, Texas" ], [ "Potter County, Texas", "STATE", "Texas" ], [ "Texas", "COUNTRY", "United States" ], [ "United States", "CAPITAL", "Washington, D.C." ], [ "United States", "LANGUAGE", "English language" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The capital of the United States is Washington D.C, the language of this country is english. Amarillo, that its a beautiful place located in this country is part of Potter County in the state of Texas." }, { "source": "webnlg", "text": "Amarillo is part of Potter County in Texas in the United States whose capital is Washington DC and English is the language." }, { "source": "webnlg", "text": "Amarillo is part of Potter County, Texas, in the U.S., where the capital is Washington DC and English is the language spoken." } ] }, { "tripleset": [ [ "Amarillo, Texas", "IS_PART_OF", "Potter County, Texas" ], [ "Texas", "LANGUAGE", "English language" ], [ "Potter County, Texas", "STATE", "Texas" ], [ "Amarillo, Texas", "COUNTRY", "United States" ], [ "Texas", "CAPITAL", "Austin, Texas" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "In Amarillo, Pottery County, Texas U.S. the native language is English. It is also spoken in the capital of Texas, Austin." }, { "source": "webnlg", "text": "Amarillo, Potter County is located in English speaking Texas (United States), with its state capital as Austin." } ] }, { "tripleset": [ [ "Amarillo, Texas", "IS_PART_OF", "Potter County, Texas" ], [ "Texas", "LANGUAGE", "English language" ], [ "Potter County, Texas", "STATE", "Texas" ], [ "Potter County, Texas", "COUNTRY", "United States" ], [ "Texas", "CAPITAL", "Austin, Texas" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "English is spoken in Texas, United States. Austin is the capital of Texas, which is also the location of Amarillo, Potter County." }, { "source": "webnlg", "text": "English is spoken in US state of Texas, where the capital is Austin. Texas is home to Amarillo, which is part of Potter County." }, { "source": "webnlg", "text": "The United States town of Amarillo is in Potter County, Texas where English is spoken and Austin is the capital." } ] }, { "tripleset": [ [ "Anderson, Indiana", "IS_PART_OF", "Fall Creek Township, Madison County, Indiana" ], [ "Fall Creek Township, Madison County, Indiana", "COUNTRY", "United States" ], [ "Anderson, Indiana", "IS_PART_OF", "Anderson Township, Madison County, Indiana" ], [ "Anderson, Indiana", "POPULATION_DENSITY", "523.9 (inhabitants per square kilometre)" ], [ "Anderson, Indiana", "AREA_TOTAL", "107.43 (square kilometres)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Anderson, Indiana, is part of the Anderson Township and Fall Creek Township, Madison County in Indiana, U.S. Anderson has 523.9 people per square kilometer and an area of 107.43 square kilometres." }, { "source": "webnlg", "text": "Anderson is part of Fall Creek Township, Madison County, Indiana in he U.S. Anderson is 107.43 square kilometres large and has 523.9 residents for every square kilometre." }, { "source": "webnlg", "text": "Located in the United States, in Madison County is Anderson, in Fall Creek Township, Anderson, part of Anderson Township, has an area of 107.43 square kilometres and a population density of 523.9 inhabitants per square kilometre." } ] }, { "tripleset": [ [ "Antioch, California", "IS_PART_OF", "Contra Costa County, California" ], [ "Antioch, California", "IS_PART_OF", "California" ], [ "California", "LANGUAGE", "English language" ], [ "Contra Costa County, California", "IS_PART_OF", "San Francisco Bay Area" ], [ "Antioch, California", "LEADER_TITLE", "California's 11th State Assembly district" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "English is spoken in California, where you will find the city of Antioch, Contra Costa County, in the San Francisco Bay area. Antioch is governed by California's 11th State Assembly district." }, { "source": "webnlg", "text": "Antioch is in Contra Costa County which is part of the San Francisco Bay area, in California, a state where English is spoken. Antioch forms California's 11th State Assembly district." }, { "source": "webnlg", "text": "Antioch is part of California and they speak English there. Antioch is part of Contra Costa County in California which is in the San Francisco Bay area and the leader title is California's 11th State Assembly district." } ] }, { "tripleset": [ [ "Atlanta", "AREA_OF_LAND", "344.9 (square kilometres)" ], [ "Atlanta", "POPULATION_DENSITY", "1299.0 (inhabitants per square kilometre)" ], [ "Atlanta", "AREA_CODE", "404" ], [ "Atlanta", "IS_PART_OF", "DeKalb County, Georgia" ], [ "Atlanta", "AREA_TOTAL", "347.1 (square kilometres)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Atlanta which is part of DeKalb County Georgia has a population of 1299.0 inhabitants per square kilometre, covers 344,9 square kilometres and total area is 347.1 sq KM has an area code of 404." }, { "source": "webnlg", "text": "Atlanta, (part of DeKalb County, Georgia),covers an area of 344.9 (square kilometres) and has 1299 people per sq km. It's total area is 347.1 sq km. The area code for Atlanta is 404." } ] }, { "tripleset": [ [ "Attica, Indiana", "IS_PART_OF", "United States" ], [ "Attica, Indiana", "AREA_TOTAL", "4.14 (square kilometres)" ], [ "Attica, Indiana", "ELEVATION", "166.0" ], [ "Attica, Indiana", "IS_PART_OF", "Logan Township, Fountain County, Indiana" ], [ "Attica, Indiana", "POPULATION_DENSITY", "783.1 (inhabitants per square kilometre)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Attica, part of Logan Township, Indiana, United States, lies 166 above sea level and has a population density of 783.1 people for each of its 4.14 square kilometres." }, { "source": "webnlg", "text": "Attica, located in Logan Township Indiana, is 166 ft above sea level. It has a population density of 783.1, and is 4.14 square km." }, { "source": "webnlg", "text": "Attica is part of Logan Township, Fountain County, Indiana, U.S. and is 166m a.s.l. Attica in Indiana, has a total area of 4.14 square kilometres and a population density of 781.1 per Sq. Km." } ] }, { "tripleset": [ [ "Auburn, Alabama", "IS_PART_OF", "Lee County, Alabama" ], [ "Alabama", "COUNTRY", "United States" ], [ "Lee County, Alabama", "STATE", "Alabama" ], [ "United States", "ETHNIC_GROUP", "African Americans" ], [ "United States", "CAPITAL", "Washington, D.C." ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The United States, where the capital is Washington DC, includes the ethnic group of African Americans. Auburn is located in the country and is part of Lee County in Alabama." }, { "source": "webnlg", "text": "Auburn is part of Lee County, Alabama,U.S. Washington, D.C. is the capital of the U.S. and African Americans are an ethnic group." }, { "source": "webnlg", "text": "Auburn, Alabama is in Lee County which is in the US where the capital is Washington DC and African Americans are an ethnic group." } ] }, { "tripleset": [ [ "Auburn, Washington", "IS_PART_OF", "Pierce County, Washington" ], [ "Auburn, Washington", "COUNTRY", "United States" ], [ "Auburn, Washington", "IS_PART_OF", "King County, Washington" ], [ "Auburn, Washington", "POPULATION_DENSITY", "914.8 (inhabitants per square kilometre)" ], [ "Auburn, Washington", "AREA_TOTAL", "77.41 (square kilometres)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The population density of Auburn is 914.8 person for each of its 77.21 square kilometres. Auburn forms part of King County and Pierce County, both of Washington, United States." }, { "source": "webnlg", "text": "Auburn is part of both King County and Pierce County in Washington which is located in the United States. It has a population density of 914.8 inhabitants per sq km and covers a total area of 77.41 sq kms." }, { "source": "webnlg", "text": "Auburn is part of Pierce County and King County, Washington, U.S. The population density of Auburn is 914.8 inhabitants per sq km. and the total area is 77.41 sq kms." } ] }, { "tripleset": [ [ "Austin, Texas", "IS_PART_OF", "Texas" ], [ "Texas", "LANGUAGE", "English language" ], [ "Austin, Texas", "IS_PART_OF", "Williamson County, Texas" ], [ "Williamson County, Texas", "LARGEST_CITY", "Round Rock, Texas" ], [ "Williamson County, Texas", "COUNTY_SEAT", "Georgetown, Texas" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Austin is part of Williamson County, in Texas, where English is a language spoken. Round Rock is the largest city in Williamson County and Georgetown is the county seat." }, { "source": "webnlg", "text": "Austin is located in Texas which is where English is spoken. Austin is part of Williamson County, Texas and the largest city is Round Rock while Georgetown is the county seat." } ] }, { "tripleset": [ [ "Austin, Texas", "IS_PART_OF", "Texas" ], [ "Texas", "LARGEST_CITY", "Houston" ], [ "Hays County, Texas", "COUNTY_SEAT", "San Marcos, Texas" ], [ "Austin, Texas", "IS_PART_OF", "Hays County, Texas" ], [ "Texas", "LANGUAGE", "English language" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Texas, where English is spoken, is home to Austin and the largest city Houston. Austin is part of Hays County, which has San Marcos as its County seat." }, { "source": "webnlg", "text": "Austin, part of Hays County, is located in Texas. San Marcos is the county seat for Hays County. The biggest city in that state is Houston and English is spoken there." }, { "source": "webnlg", "text": "Texas uses the English language and has the largest city of Houston. It is the location of Austin in Hays County where San Marcos is the county seat." } ] }, { "tripleset": [ [ "Austin, Texas", "IS_PART_OF", "Texas" ], [ "Texas", "LARGEST_CITY", "Houston" ], [ "Texas", "LANGUAGE", "Spanish language" ], [ "Hays County, Texas", "COUNTY_SEAT", "San Marcos, Texas" ], [ "Austin, Texas", "IS_PART_OF", "Hays County, Texas" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "One of the languages of Texas, the location of Austin in Hays County, is Spanish. The county seat is San Marcos but the largest city in Texas is Houston." }, { "source": "webnlg", "text": "Austin is a part of Texas, where the largest city is Houston and Spanish is one of the languages spoken. Austin is in Hays County, whose county seat is San Marcos." } ] }, { "tripleset": [ [ "Indiana", "CAPITAL", "Indianapolis" ], [ "Alexandria, Indiana", "IS_PART_OF", "Indiana" ], [ "Indiana", "COUNTRY", "United States" ], [ "Indiana", "LANGUAGE", "English Americans" ], [ "Alexandria, Indiana", "IS_PART_OF", "Madison County, Indiana" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alexandria, part of Madison County, Indiana is in the U.S. The capital of Indiana is Indianapolis. American English is spoken in that state." }, { "source": "webnlg", "text": "Alexandria is part of Madison County, Indiana,U.S. Indianapolis is the capital of Indiana where American English is spoken." }, { "source": "webnlg", "text": "Alexandria is part of the state of Indiana, United States, and Indianapolis is the capital . Alexandria, is part of Madison County Indiana, where the language is American English." } ] }, { "tripleset": [ [ "Tarrant County, Texas", "COUNTY_SEAT", "Fort Worth, Texas" ], [ "Texas", "LANGUAGE", "Spanish language" ], [ "Arlington, Texas", "IS_PART_OF", "Tarrant County, Texas" ], [ "Arlington, Texas", "IS_PART_OF", "Texas" ], [ "Texas", "LARGEST_CITY", "Houston" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Arlington is part of Tarrant County in Texas where Fort Worth is the county seat. Spanish is spoken in Texas where Houston is the largest city." }, { "source": "webnlg", "text": "Arlington is part of Tarrant County in Texas, where Houston is the largest city and Spanish is spoken. The county seat of Tarrant County is Fort Worth." }, { "source": "webnlg", "text": "In Texas, the county seat of Tarrant County is Fort Worth, its also the location of Arlington and Houston (the largest city). Spanish is spoken in Texas." } ] }, { "tripleset": [ [ "Tarrant County, Texas", "LARGEST_CITY", "Fort Worth, Texas" ], [ "Texas", "CAPITAL", "Austin, Texas" ], [ "Arlington, Texas", "IS_PART_OF", "Tarrant County, Texas" ], [ "Arlington, Texas", "IS_PART_OF", "Texas" ], [ "Texas", "COUNTRY", "United States" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Tarrant County has its largest city as Fort Worth. Arlington, Tarrant County, Texas, and Austin (TX capital) is part of the United States." }, { "source": "webnlg", "text": "Texas, located in the United States, has a capital city of Austin. It is also home to Arlington (located in Tarrant County) and Fort Worth, which is the largest city in Texas." } ] }, { "tripleset": [ [ "United States", "CAPITAL", "Washington, D.C." ], [ "United States", "ETHNIC_GROUP", "White Americans" ], [ "New Jersey", "COUNTRY", "United States" ], [ "United States", "LARGEST_CITY", "New York City" ], [ "Atlantic City, New Jersey", "IS_PART_OF", "New Jersey" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "New York City (NYC) is the largest U.S. city. Atlantic City, New Jersey are also part of the United States with its capital as Washington, DC and home to White Americans." }, { "source": "webnlg", "text": "Atlantic City is part of New Jersey,U.S. and white Americans are an ethnic group. The capital of the United States is Washington DC, but the largest city is New York." }, { "source": "webnlg", "text": "Atlantic City, is a part of New Jersey, United States, where the largest city is New York City. Washington, D.C. is the capital of the U.S, where White Americans are an ethnic group." } ] }, { "tripleset": [ [ "United States", "DEMONYM", "Americans" ], [ "United States", "CAPITAL", "Washington, D.C." ], [ "Albany, Oregon", "COUNTRY", "United States" ], [ "United States", "ETHNIC_GROUP", "Native Americans in the United States" ], [ "Albany, Oregon", "IS_PART_OF", "Linn County, Oregon" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "People who live in the US are referred to as Americans. The United States, where Washington DC is the capital, is home to an ethnic group called Native Americans and is where Albany, Linn County, Oregon is located." }, { "source": "webnlg", "text": "Albany, is part of Linn County, Oregon, in the U.S., where the capital is Washington D.C. The country's inhabitants are known as Americans, and one of the ethnic groups is Native Americans." }, { "source": "webnlg", "text": "Native Americans are one of the ethnic groups in the United States of America but the inhabitants are called Americans. The capital is Washington DC and Albany, part of Linn County, is in the state of Oregon." } ] }, { "tripleset": [ [ "United States", "DEMONYM", "Americans" ], [ "United States", "ETHNIC_GROUP", "Asian Americans" ], [ "United States", "CAPITAL", "Washington, D.C." ], [ "Albany, Oregon", "IS_PART_OF", "Oregon" ], [ "Albany, Oregon", "COUNTRY", "United States" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "One of the ethinic groups of the United states where Washington D.C. is capital is Asian Americans. Albany is a city in Oregon which is also located in the US." }, { "source": "webnlg", "text": "Albany, Oregon is in the United States, whose capital is Washington DC and whose inhabitants are Americans. Asian Americans are an ethnic group there." }, { "source": "webnlg", "text": "In the U.S. the capital is Washington D.C., the citizens are called Americans and Asian Americans are an ethnic group. Albany is part of Oregon in the U.S." } ] }, { "tripleset": [ [ "United States", "ETHNIC_GROUP", "African Americans" ], [ "United States", "LANGUAGE", "English language" ], [ "Angola, Indiana", "IS_PART_OF", "Steuben County, Indiana" ], [ "United States", "DEMONYM", "Americans" ], [ "Angola, Indiana", "COUNTRY", "United States" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Americans are the people occupying the US and one of the ethnic groups are the African Americans. English is the language spoken in the US. Angola is in Steuben County, Indiana, which is part of the United States." }, { "source": "webnlg", "text": "Angola, is in Steuben County, in the United States Where English is spoken, the inhabitants are Americans, and one of the ethnic groups, is African Americans." } ] }, { "tripleset": [ [ "United States", "ETHNIC_GROUP", "Native Americans in the United States" ], [ "Auburn, Alabama", "IS_PART_OF", "Lee County, Alabama" ], [ "Lee County, Alabama", "COUNTRY", "United States" ], [ "Lee County, Alabama", "STATE", "Alabama" ], [ "United States", "CAPITAL", "Washington, D.C." ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Auburn is part of Lee County in Alabama in the U.S. The capital of the U.S. is Washington, D.C. and Native Americans are one ethnic group in that country." }, { "source": "webnlg", "text": "Auburn is part of Lee County, in Alabama, in the United States. This country, has Washington D.C. as the capital, and Native Americans as one of the ethnic groups." }, { "source": "webnlg", "text": "Auburn is part of Lee County, Alabama, United States. The capital of the United States is Washington DC. and Native Americans live there." } ] }, { "tripleset": [ [ "United States", "ETHNIC_GROUP", "Native Americans in the United States" ], [ "Auburn, Alabama", "IS_PART_OF", "Lee County, Alabama" ], [ "Lee County, Alabama", "COUNTY_SEAT", "Opelika, Alabama" ], [ "Lee County, Alabama", "COUNTRY", "United States" ], [ "Auburn, Alabama", "IS_PART_OF", "Alabama" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Auburn is part of Lee County, Alabama in the U.S. Opelika is the county seat in Lee County. Native Americans are one of the ethnic groups in the United States." }, { "source": "webnlg", "text": "The Native Americans are an ethnic group within the United States which is where Auburn, Alabama is found. It is part of Lee County which has the county seat off Opelika." }, { "source": "webnlg", "text": "Lee County, is in Alabama, in the United States, where one of the ethnic groups is Native Americans. Auburn is part of Lee County, where the county seat is Opelika." } ] }, { "tripleset": [ [ "United States", "ETHNIC_GROUP", "Native Americans in the United States" ], [ "New Jersey", "LARGEST_CITY", "Newark, New Jersey" ], [ "New Jersey", "CAPITAL", "Trenton, New Jersey" ], [ "New Jersey", "COUNTRY", "United States" ], [ "Atlantic City, New Jersey", "IS_PART_OF", "New Jersey" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Newark, Trenton and Atlantic City are all part of New Jersey, within the United States (home of The Native Americans)." }, { "source": "webnlg", "text": "New Jersey is in the United States, where the Native Americans are an ethnic group. Atlantic City, is a part of New Jersey, whose largest city is Newark and capital is Trenton." }, { "source": "webnlg", "text": "Atlantic City is in New Jersey whose largest city is Newark and whose capital is Trenton. New Jersey is in the US where Native Americans are an ethnic group." } ] }, { "tripleset": [ [ "United States", "LANGUAGE", "English language" ], [ "Albuquerque, New Mexico", "IS_PART_OF", "New Mexico" ], [ "United States", "LEADER_TITLE", "President of the United States" ], [ "United States", "LEADER", "Barack Obama" ], [ "Albuquerque, New Mexico", "COUNTRY", "United States" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Albuquerque,New Mexico is located in the United States and English is the spoken language there.The leader of the United States is called the President whom was Barack Obama recently." }, { "source": "webnlg", "text": "The leader of the United States, which uses the English language, is President Barack Obama . Albuquerque in New Mexico is located within the country ." } ] }, { "tripleset": [ [ "United States", "LANGUAGE", "English language" ], [ "Angola, Indiana", "IS_PART_OF", "Steuben County, Indiana" ], [ "United States", "DEMONYM", "Americans" ], [ "Angola, Indiana", "COUNTRY", "United States" ], [ "United States", "ETHNIC_GROUP", "Asian Americans" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Americans live in the United States, where English is spoken and where Asian Americans are an ethnic group. The US is the location of Angola, which is in Steuben County, Indiana." }, { "source": "webnlg", "text": "Angola, Indiana, is part of Steuben County, United States where Americans live. The Asian Americans are an ethnic group of the United States and English is the language spoken." }, { "source": "webnlg", "text": "Angola, Indiana, (part of Steuben County), is in the United States. the country where English is spoken, and where one of the ethnic groups, is Asian Americans." } ] }, { "tripleset": [ [ "United States", "LEADER", "Barack Obama" ], [ "United States", "CAPITAL", "Washington, D.C." ], [ "United States", "ETHNIC_GROUP", "Native Americans in the United States" ], [ "Akron, Ohio", "COUNTRY", "United States" ], [ "Akron, Ohio", "IS_PART_OF", "Summit County, Ohio" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Barack Obama is leader of the United States, where the capital is Washington DC and where Native Americans are an ethnic group. The US is home to Akron, which is part of Summit County, Ohio." }, { "source": "webnlg", "text": "Akron is in Summit County, Ohio, in the United States where the capital is Washington D.C. The country's leader is Barack Obama, and Native Americans are one of the ethnic groups." } ] }, { "tripleset": [ [ "United States", "LEADER_TITLE", "President of the United States" ], [ "United States", "DEMONYM", "Americans" ], [ "Albany, Georgia", "COUNTRY", "United States" ], [ "Albany, Georgia", "IS_PART_OF", "United States" ], [ "United States", "ETHNIC_GROUP", "African Americans" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Albany, Georgia is in the United States, a country led by the President of the United States and where the inhabitants are called Americans. One of the ethnic groups in the country are the African Americans." }, { "source": "webnlg", "text": "The leader of the United States, which includes the ethnic group of African Americans among its population of Americans, is the President. The country is the location of Albany in Georgia." }, { "source": "webnlg", "text": "Americans live in the United States where the leader if known as the President. The country includes the ethnic group of African Americans and is the location of Albany, Georgia." } ] }, { "tripleset": [ [ "11th Mississippi Infantry Monument", "COUNTRY", "\"United States\"" ], [ "11th Mississippi Infantry Monument", "LOCATION", "Seminary Ridge" ], [ "11th Mississippi Infantry Monument", "ESTABLISHED", "2000" ], [ "11th Mississippi Infantry Monument", "CATEGORY", "Contributing property" ], [ "11th Mississippi Infantry Monument", "MUNICIPALITY", "Gettysburg, Pennsylvania" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The 11th Mississippi Infantry Monument, established in 2000 was built at Seminary Ridge, Gettysburg Pennsylvania, USA and is a contributing property." }, { "source": "webnlg", "text": "The 11th Mississippi Infantry Monument is in Seminary Ridge, Gettysburg, Pennsylvania, USA. It was established in 2000 and is categorized as a Contributing Property." } ] }, { "tripleset": [ [ "Adams County, Pennsylvania", "HAS_TO_ITS_SOUTHEAST", "Carroll County, Maryland" ], [ "Adams County, Pennsylvania", "HAS_TO_ITS_NORTH", "Cumberland County, Pennsylvania" ], [ "Adams County, Pennsylvania", "HAS_TO_ITS_SOUTHWEST", "Frederick County, Maryland" ], [ "11th Mississippi Infantry Monument", "CATEGORY", "Contributing property" ], [ "11th Mississippi Infantry Monument", "LOCATION", "Adams County, Pennsylvania" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The 11th Mississippi Infantry Monument is found in the Adams County in Pennsylvania and is categorised as a contributing property. Cumberland County, Pennsylvania is to the north of the Adams County. To the southeast lies Carroll County and to southwest lies Frederick County, both of Maryland." }, { "source": "webnlg", "text": "The 11th Mississippi Infantry Monument, classed as a contributing property, can be found in Adams County Pennsylvania. Adams County, south of Cumberland County has Carroll County, Maryland to the southeast and Frederick County, Maryland to the southwest." }, { "source": "webnlg", "text": "The 11th Mississippi Infantry Monument in Adams County, Pennsylvania is categorised as a contributing property. Adams County is surrounded by Carroll County, Maryland to its southeast, Cumberland County,, Pennsylvania in North and Frederick County Maryland in southwest." } ] }, { "tripleset": [ [ "Azerbaijan", "CAPITAL", "Baku" ], [ "Azerbaijan", "LEADER_TITLE", "Prime Minister of Azerbaijan" ], [ "Baku Turkish Martyrs' Memorial", "DEDICATED_TO", "\"Ottoman Army soldiers killed in the Battle of Baku\"" ], [ "Baku Turkish Martyrs' Memorial", "LOCATION", "Azerbaijan" ], [ "Azerbaijan", "LEADER_NAME", "Artur Rasizade" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Azerbaijan's leader is Artur Rasizade and his official title is Prime Minister of Azerbaijan. Baku is the capital and the Baku Turkish Martyrs Memorial which is dedicated to the Ottoman army soldiers killed in the Battle of Baku is located in the country." }, { "source": "webnlg", "text": "Dedicated to the Ottoman Army soldiers killed in the Battle of Baku and located in Baku is the Turkish Martyrs Memorial. Baku is the capital of Azerbaijan whose Prime Minister and leader is Artur Rasizade." }, { "source": "webnlg", "text": "The Baku Turkish Martyr's Memorial honours the Ottoman Army Soldiers killed in the Battle of Baku. Artur Rasizade is the leader and Prime Minister of Azerbaijan whose capital is Baku." } ] }, { "tripleset": [ [ "Azerbaijan", "CAPITAL", "Baku" ], [ "Baku Turkish Martyrs' Memorial", "DEDICATED_TO", "\"Ottoman Army soldiers killed in the Battle of Baku\"" ], [ "Baku Turkish Martyrs' Memorial", "LOCATION", "Azerbaijan" ], [ "Azerbaijan", "LEADER_NAME", "Artur Rasizade" ], [ "Azerbaijan", "LEGISLATURE", "National Assembly (Azerbaijan)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Baku is the capital of Azerbaijan where the legislature is the National Assembly and the leader is Artur Rasizade. The country is the location of the Baku Turkish Martyrs memorial which is dedicated to the soldiers of the Ottoman army who lost their lives in the battle of Baku." }, { "source": "webnlg", "text": "The Turkish Martyrs Memorial, dedicated to Ottoman Army soldiers killed in the Battle of Baku is located in that city, the Capital of Azerbaijan. The leader of the country, Artur Rasizade is head of the National Assembly." }, { "source": "webnlg", "text": "The Baku Turkish Martyrs Memorial has been dedicated to Ottoman Army soldiers killed in the Battle of Baku. The Memorial is situated in Azerbaijan whose capital city is Baku. Azerbaijan has legislature of National Assembly and the leader's name is Artur Rasizade." } ] }, { "tripleset": [ [ "Turkey", "LEADER_TITLE", "President of Turkey" ], [ "Turkey", "LEADER", "Ahmet Davuto\u011flu" ], [ "Turkey", "CAPITAL", "Ankara" ], [ "Turkey", "LARGEST_CITY", "Istanbul" ], [ "Atat\u00fcrk Monument (\u0130zmir)", "LOCATION", "Turkey" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Ahmet Davutoglu is the President of Turkey (the leader). While the capital of Turkey is Ankara, the largest city is Istanbul. Turkey is the location of the Ataturk monument (Izmir)." }, { "source": "webnlg", "text": "President of Turkey is the official title of the Turkish leader and his name is Ahmet Davutoglu. Turkey's capital is Ankara and its largest city is Istanbul. The Atat\u00fcrk Monument is located in Izmir, Turkey." }, { "source": "webnlg", "text": "The Ataturk Monument (Izmir) is located in Turkey, whose largest city is Istanbul and whose capital is Ankara. President of Turkey is the official title of the Turkish leader and his name is Ahmet Davutoglu." } ] }, { "tripleset": [ [ "AWH Engineering College", "ESTABLISHED", "2001" ], [ "AWH Engineering College", "ACADEMIC_STAFF_SIZE", "250" ], [ "AWH Engineering College", "STATE", "Kerala" ], [ "Kerala", "HAS_TO_ITS_NORTHWEST", "Mah\u00e9, India" ], [ "AWH Engineering College", "CITY", "\"Kuttikkattoor\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "AWH Engineering College is located southeast of Mahe in Kuttikkattoor, Kerala, India. The College was established in 2001 and has 250 academic staff." }, { "source": "webnlg", "text": "Kerala state which has Mahe, India to it's northwest is also the home of the AWH Engineering College. The College was established in 2001 in the city of Kuttikkattoor and currently has 250 members of staff." } ] }, { "tripleset": [ [ "Acharya Institute of Technology", "CITY", "Bangalore" ], [ "Acharya Institute of Technology", "DIRECTED_BY", "\"Dr. G. P. Prabhukumar\"" ], [ "Acharya Institute of Technology", "NUMBER_OF_POSTGRADUATE_STUDENTS", "700" ], [ "Acharya Institute of Technology", "CAMPUS", "\"In Soldevanahalli, Acharya Dr. Sarvapalli Radhakrishnan Road, Hessarghatta Main Road, Bangalore \u2013 560090.\"" ], [ "Acharya Institute of Technology", "AFFILIATION", "Visvesvaraya Technological University" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Acharya Institute of Technology is located in Soldevanahalli, Acharya Dr. Sarvapalli on Radhakrishnan Road, Hessarghatta Main road, Bangalore 560090, and is affiliated with Visvesvaraya Technological University. Dr. G. P. Prabhukumar is the Director. There have been 700 Post Graduate students." }, { "source": "webnlg", "text": "The Acharya Institute of Technology is located at In Soldevanahalli, Acharya Dr. Sarvapalli Radhakrishnan Road, Hessarghatta Main Road, Bangalore \u2013 560090. The School is affiliated with Visvesvaraya Technological University and has 700 Postgraduate Students. Dr. G. P. Prabhukumar is director of the School." } ] }, { "tripleset": [ [ "Acharya Institute of Technology", "PRESIDENT", "\"B.M. Reddy\"" ], [ "Acharya Institute of Technology", "CITY", "Bangalore" ], [ "Acharya Institute of Technology", "COUNTRY", "\"India\"" ], [ "Acharya Institute of Technology", "NUMBER_OF_POSTGRADUATE_STUDENTS", "700" ], [ "Acharya Institute of Technology", "AFFILIATION", "Visvesvaraya Technological University" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Acharya Institute of Technology in Bangalore, India has 700 postgraduate students. It is affiliated to the Visvesvaraya Technological University and its president is B.M.Reddy." }, { "source": "webnlg", "text": "B M Reddy is the President of the Acharya Institute of Technology in Bangalore, India. The Institute is affiliated with the Visvesvaraya Technological University and has 700 postgraduate students." }, { "source": "webnlg", "text": "The president of the Acharya Institute of Technology in Bangalore, India is B. M. Reddy. The Acharya Institute of Technology, which has 700 postgraduate students , is affiliated to Visvesvaraya Technological University." } ] }, { "tripleset": [ [ "European University Association", "HEADQUARTERS", "Brussels" ], [ "School of Business and Social Sciences at the Aarhus University", "COUNTRY", "Denmark" ], [ "Denmark", "LEADER_TITLE", "Monarchy of Denmark" ], [ "Denmark", "LEADER_NAME", "Lars L\u00f8kke Rasmussen" ], [ "School of Business and Social Sciences at the Aarhus University", "AFFILIATION", "European University Association" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The School of Business and Social Sciences at the Aarhus University in Denmark is affiliated to the European University Association in Brussels. Denmark has a monarchy and its leader is Lars Lokke Rasmussen." }, { "source": "webnlg", "text": "The European University Association has its headquarters in Brussels. The School of Business and Social Sciences at the Aarhus University is affiliate d with the European University Association and is located in Denmark. Denmark has a Monarchy with its leader being Lars L\u00f8kke Rasmussen." } ] }, { "tripleset": [ [ "India", "LARGEST_CITY", "Mumbai" ], [ "AWH Engineering College", "COUNTRY", "India" ], [ "AWH Engineering College", "ESTABLISHED", "2001" ], [ "AWH Engineering College", "ACADEMIC_STAFF_SIZE", "250" ], [ "AWH Engineering College", "CITY", "\"Kuttikkattoor\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The AWH Engineering College in Kuttikkattoor, India was established in 2001 and has a staff of 250. The country's largest city is Mumbai." }, { "source": "webnlg", "text": "AWH Engineering College established in 2001 in Kuttikkattoor, India has 250 academic staff. Mumbai is the largest city in India." }, { "source": "webnlg", "text": "India with it's largest city Mumbai is also the home of the AWH Engineering College. The college is based in the city of Kuttikkattoor and was founded in 2001. It currently has 250 members of staff." } ] }, { "tripleset": [ [ "India", "LARGEST_CITY", "Mumbai" ], [ "AWH Engineering College", "COUNTRY", "India" ], [ "Kerala", "LEADER_NAME", "Kochi" ], [ "AWH Engineering College", "STATE", "Kerala" ], [ "India", "RIVER", "Ganges" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "AWH Engineering College is located in Kerala India. Kochi is the leader of Kerala. Ganges is the main river in India and Mumbai is the largest city." } ] }, { "tripleset": [ [ "School of Business and Social Sciences at the Aarhus University", "ACADEMIC_STAFF_SIZE", "737" ], [ "Denmark", "LEADER_NAME", "Lars L\u00f8kke Rasmussen" ], [ "School of Business and Social Sciences at the Aarhus University", "CITY", "Aarhus" ], [ "School of Business and Social Sciences at the Aarhus University", "COUNTRY", "Denmark" ], [ "School of Business and Social Sciences at the Aarhus University", "ESTABLISHED", "1928" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The School of Business and Social Sciences at the Aarhus University in Aarhus, Denmark was established in 1928 and it has 737 academic staff. The leader of Denmark is Lars Lokke Rasmussen." }, { "source": "webnlg", "text": "Lars Lokke Rasmussen is the leader of Denmark where the School of Business and Social Sciences at the Aarhus University in the city of Aarhus is located. The School was established in 1928 and has 737 academic staff members." } ] }, { "tripleset": [ [ "School of Business and Social Sciences at the Aarhus University", "CITY", "Aarhus" ], [ "European University Association", "HEADQUARTERS", "Brussels" ], [ "Aarhus", "HAS_TO_ITS_NORTHEAST", "Mols" ], [ "School of Business and Social Sciences at the Aarhus University", "AFFILIATION", "European University Association" ], [ "Aarhus", "GOVERNMENT_TYPE", "Magistrate" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The School of Business and Social Sciences at the Aarhus University in Aarhus is affiliated to the European University Association (headquarters in Brussels). Aarhus has a magistrate government. Aarhus has Mols to its northeast." }, { "source": "webnlg", "text": "Mols is situated to the northeast of Aarhus which has the magistrate type of government. The city of Aarhus is the location of the School of Business and Social Sciences at the Aarhus University which is affiliated with the European University Association headquartered in Brussels." }, { "source": "webnlg", "text": "The School of Business and Social Sciences at the Aarhus University located southwest of Mols is affiliated with the European University Association in Brussels. Aarhus is governed by a magistrate." } ] }, { "tripleset": [ [ "Duncan Rouleau", "NATIONALITY", "Americans" ], [ "Baymax", "CREATOR", "Duncan Rouleau" ], [ "Big Hero 6 (film)", "STARRING", "Alan Tudyk" ], [ "Baymax", "CREATOR", "Steven T. Seagle" ], [ "Baymax", "SERIES", "Big Hero 6 (film)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Baymax was created by American Duncan Rouleau and Steven T. Seagle. Baymax is a character in Big Hero 6 which stars Alan Tudyk." }, { "source": "webnlg", "text": "Baymax is a character who appeared in Big Hero 6 starring Alan Tudyk. It was created by Steven T Seagle and the American, Duncan Rouleau." }, { "source": "webnlg", "text": "Baymax was created by American Duncan Rouleau and Steven T. Seagle. Baymax is a character in Big Hero 6 which starred Alan Tudyk." } ] }, { "tripleset": [ [ "A.C. Lumezzane", "MANAGER", "Michele Marcolini" ], [ "A.C. Lumezzane", "GROUND", "Italy" ], [ "Italy", "LEADER", "Pietro Grasso" ], [ "Michele Marcolini", "CLUB", "F.C. Bari 1908" ], [ "Michele Marcolini", "CLUB", "Vicenza Calcio" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Italy is led by Pietro Grasso and is where AC Lumezzane play. Their manager is Michele Marcolini who is in the Vicenza Calcio club and plays for FC Bari 1908." }, { "source": "webnlg", "text": "The manager of A.C. Lumezzane is Michele Marcolini who has played for F.C. Bari 1908 and Vicenza Calcio. A.C. Lumezzane's ground is in Italy where the leader is Pietro Grasso." } ] }, { "tripleset": [ [ "A.F.C. Blackpool", "MANAGER", "Stuart Parker (footballer)" ], [ "Stuart Parker (footballer)", "CLUB", "Chesterfield F.C." ], [ "Stuart Parker (footballer)", "CLUB", "Stockport County F.C." ], [ "A.F.C. Blackpool", "GROUND", "Blackpool" ], [ "Blackpool", "LEADER", "Labour Party (UK)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "A.F.C. Blackpool is in Blackpool, which council is Labour, it has had Stuart Parker as their manager, whose football club was Stockport County F.C and is attached to Chesterfield football club." } ] }, { "tripleset": [ [ "A.S. Gubbio 1910", "LEAGUE", "Serie D" ], [ "Italy", "LEADER", "Sergio Mattarella" ], [ "A.S. Gubbio 1910", "GROUND", "Italy" ], [ "Italy", "LANGUAGE", "Italian language" ], [ "Serie D", "CHAMPIONS", "S.S. Robur Siena" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "S.S. Robur Siena are champions of Serie D. league in which AS Gubbio 1910 also play. This latter team has their ground in Italy where the Italian language is spoken and the leader is Sergio Mattarella." }, { "source": "webnlg", "text": "A.S. Gubbio 1910 is in the Serie D league in Italy. Champions of Serie D are the S.S. Robur Siena. Sergio Mattarella leads Italy and Italian is the language spoken there." } ] }, { "tripleset": [ [ "AEK Athens F.C.", "MANAGER", "Gus Poyet" ], [ "Gus Poyet", "CLUB", "Real Zaragoza" ], [ "Olympic Stadium (Athens)", "LOCATION", "Marousi" ], [ "AEK Athens F.C.", "GROUND", "Olympic Stadium (Athens)" ], [ "Gus Poyet", "CLUB", "Chelsea F.C." ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Gus Poyet is in the Real Zaragoza club and previously played for Chelsea FC. He now manages AEK Athens who have their home ground at the Olympic Stadium (Athens) at Marousi." }, { "source": "webnlg", "text": "Gus Poyet is the manager of AEK Athens who play at their home ground of the Olympic Stadium (Athens) at Marousi. He previously played for Chelsea FC and is associated with Real Zaragoza FC." } ] }, { "tripleset": [ [ "Italy", "LEADER", "Pietro Grasso" ], [ "Italy", "DEMONYM", "Italians" ], [ "Italy", "CAPITAL", "Rome" ], [ "A.S. Gubbio 1910", "GROUND", "Italy" ], [ "Italy", "LANGUAGE", "Italian language" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "AS Gubbio 1910 is located in Italy where the Italian language is spoken and Pietro Grasso is the leader. The country is inhabited by Italians who have Rome as their capital city." }, { "source": "webnlg", "text": "The ground of A.S. Gubbio 1910 is located in Italy, the capital of which is Rome, and the leader's name is Pietro Grasso. The people of Italy are Italian, as is the language spoken." }, { "source": "webnlg", "text": "The ground of A.S. Gubbio 1910 is located in Italy. In this country; the language spoken is Italian, Rome is the capital, the inhabitants are called Italians, and the leader is Pietro Grasso." } ] }, { "tripleset": [ [ "Italy", "OFFICIAL_LANGUAGE", "Italian language" ], [ "Italy", "DEMONYM", "Italians" ], [ "Italy", "CAPITAL", "Rome" ], [ "Italy", "LEADER", "Sergio Mattarella" ], [ "A.S. Gubbio 1910", "GROUND", "Italy" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The capital of Rome is Italy whose language is Italian. The leader of the country is Sergio Mattarella and it is occupied by Italians. A.S. Gubbio 1910 is located there." }, { "source": "webnlg", "text": "The ground of A.S. Gubbio 1910 is located in Italy, where the leader is Sergio Mattarella and Italian is the official language. Italians are the people who live in Italy, where the capital city is Rome." }, { "source": "webnlg", "text": "Italians inhabit Italy, where the official language is Italian. Rome is the capital and one of the leaders is Sergio Mattarella. Also in Italy, is the ground of A.S. Gubbio 1910." } ] }, { "tripleset": [ [ "Arem-arem", "COUNTRY", "Indonesia" ], [ "Indonesia", "LEADER_NAME", "Jusuf Kalla" ], [ "Arem-arem", "REGION", "\"Nationwide in Indonesia, but more specific to Java\"" ], [ "Indonesia", "CURRENCY", "Indonesian rupiah" ], [ "Indonesia", "LANGUAGE", "Indonesian language" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Arem-arem while more specific to java, is found nationwide in Indonesia, where the language is Indonesian. It is also where the currency is the Indonesian rupiah and Jusuf Kalla is a leader." }, { "source": "webnlg", "text": "Arem-arem is a food usually served in Indonesia which has the rupiah as its currency and the people speak Indonesian. Its leader is Jusuf Kalla and although arem-arem- is found nationwide, it's more specific to Java." }, { "source": "webnlg", "text": "Arem-arem is nationwide dish in Indonesia where Indonesian is the spoken language, but originates from the Island of Java.The country's vice-president is Jusuf Kalla and the local currency is Indonesian rupiah." } ] }, { "tripleset": [ [ "Asam pedas", "COUNTRY", "Malaysia" ], [ "Malaysia", "ETHNIC_GROUP", "Malaysian Chinese" ], [ "Malaysia", "ETHNIC_GROUP", "Malaysian Malay" ], [ "Malaysia", "CAPITAL", "Kuala Lumpur" ], [ "Asam pedas", "REGION", "\"Sumatra and Malay Peninsula\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Malaysian Chinese and Malay are ethnic groups in Malaysia where the capital is Kuala Lumpur. It is also where the food dish Asam pedas, which come from the region of Sumatra and the Malay Peninsula, is found." }, { "source": "webnlg", "text": "From the Sumatra and Malay Peninsula regions, Asam pedas, is a food found in Malaysia. The country where the capital is Kuala Lumpur and where the Malay and Malaysian Chinese are two of the ethnic groups." }, { "source": "webnlg", "text": "Asam pedas is from the Sumatra and Malay Peninsula regions of Malaysia. Malaysia, with its capital city of Kuala Lumpur, is the home to both Malay and Malaysian Chinese people." } ] }, { "tripleset": [ [ "Asam pedas", "COUNTRY", "Malaysia" ], [ "Malaysia", "ETHNIC_GROUP", "Malaysian Malay" ], [ "Malaysia", "CAPITAL", "Kuala Lumpur" ], [ "Malaysia", "ETHNIC_GROUP", "Malaysian Indian" ], [ "Asam pedas", "REGION", "\"Sumatra and Malay Peninsula\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Malays and Malaysian Indians are both ethnic groups in Malaysia, the capital city of which is Kuala Lumpur. Asam pedas is a food found in Malaysia. It comes from the Sumatra and Malay Peninsula regions." }, { "source": "webnlg", "text": "Asam pedas is a food found in Malaysia, where the capital is Kuala Lumpur and ethnic groups include Malay and Malaysian Indian. The dish is also found in the regions of Sumatra and the Malay Peninsula." }, { "source": "webnlg", "text": "The dish Asam pedas comes from the region of Sumatra and the Malay Peninsula, Malaysia (capital Kuala Lumpur). Ethnic groups of the region include Malaysian Indian and Malaysian Malay." } ] }, { "tripleset": [ [ "Asam pedas", "COUNTRY", "Malaysia" ], [ "Malaysia", "ETHNIC_GROUP", "Malaysian Malay" ], [ "Malaysia", "CAPITAL", "Kuala Lumpur" ], [ "Malaysia", "ETHNIC_GROUP", "Malaysian Indian" ], [ "Asam pedas", "REGION", "Sumatra" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Asam pedas is a dish from Sumatra in Malaysia, The capital of Malaysia is Kuala Lumpur and two of the ethnic group found here are the Malay and Malaysian Indian." }, { "source": "webnlg", "text": "Asam Pedas, a dish from Sumatra, is found in Malaysia, where the capital if Kuala Lumpur and the Malaysian Malay is an ethnic group along with the Malaysian Indian." }, { "source": "webnlg", "text": "Asam pedas is a dish found in Sumatra and Malaysia. Malaysian Indians and Malay are ethnic groups of Malaysia, where the capital is Kuala Lumpur." } ] }, { "tripleset": [ [ "Asam pedas", "COUNTRY", "Malaysia" ], [ "Malaysia", "ETHNIC_GROUP", "Malaysian Malay" ], [ "Malaysia", "LEADER_NAME", "Abu Zahar Ujang" ], [ "Malaysia", "ETHNIC_GROUP", "Malaysian Indian" ], [ "Asam pedas", "REGION", "Malay Peninsula" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Asam pedas is a food from the Malay Peninsula region of Malaysia. Abu Zahar is a leader in Malaysia, where there are ethnic groups called the Malays and the Malaysian Indians." }, { "source": "webnlg", "text": "Asam pedas is from the Malay Peninsula region of Malaysia, the country where Abu Zahar Ujang is leader and where Malaysian Malay and Malaysian Indian are ethnic groups." }, { "source": "webnlg", "text": "Asam pedas is a food from Malaysia and can be found throughout the Malaysian peninsula region.The country's leader is Abu Zahar Ujang and among its ethnic groups are the Malay and Malaysian Indians." } ] }, { "tripleset": [ [ "Bacon Explosion", "COUNTRY", "United States" ], [ "Bacon Explosion", "MAIN_INGREDIENTS", "\"Bacon,sausage\"" ], [ "Bacon Explosion", "INGREDIENT", "Bacon" ], [ "Bacon Explosion", "REGION", "Kansas City metropolitan area" ], [ "Bacon Explosion", "MAIN_INGREDIENTS", "Sausage" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Bacon Explosion comes from the Kansas City metropolitan area of the United States. Its main ingredients are bacon and sausage." }, { "source": "webnlg", "text": "The Bacon Explosion comes from Kansas City in the United States. It includes bacon obviously, but also sausage." }, { "source": "webnlg", "text": "Bacon Explosion originates from the Kansas City metropolitan area of the United States. Its main ingredients are bacon and sausage." } ] }, { "tripleset": [ [ "Bacon Explosion", "COUNTRY", "United States" ], [ "United States", "ETHNIC_GROUP", "White Americans" ], [ "United States", "LEADER_NAME", "Paul Ryan" ], [ "United States", "CAPITAL", "Washington, D.C." ], [ "United States", "LANGUAGE", "English language" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Bacon Explosion comes from the United States where one of the ethnic groups are White American and Paul Ryan is a leader. English is spoken there and the capital is Washington, D.C." }, { "source": "webnlg", "text": "The Bacon Explosion comes from the United States where English is spoken and the capital is Washington D.C. A political leader there is Paul Ryan and White Americans are one ethnic group of the country." } ] }, { "tripleset": [ [ "Bacon sandwich", "DISH_VARIATION", "BLT" ], [ "Bacon sandwich", "MAIN_INGREDIENTS", "\"Bread and bacon, with a condiment, often ketchup or brown sauce\"" ], [ "Bacon sandwich", "COUNTRY", "United Kingdom" ], [ "Bacon sandwich", "INGREDIENT", "Ketchup" ], [ "Bacon sandwich", "ALTERNATIVE_NAME", "\"Bacon butty, bacon sarnie, rasher sandwich, bacon sanger, piece 'n bacon, bacon cob, bacon barm, bacon muffin\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The bacon sandwich uses bread and bacon with ketchup or brown sauce as a condiment, is also known as a bacon butty, bacon sarnie, rasher sandwich, bacon sanger, piece 'n bacon, bacon cob, bacon barm, or bacon muffin. A variation is the BLT, and the country of origin is the United Kingdom." }, { "source": "webnlg", "text": "The bacon sandwich, also known as: bacon butty, bacon sarnie, rasher sandwich, bacon sanger, piece n' bacon, bacon cob, bacon barm, BLT and bacon muffin, is from the UNited Kingdom. It includes bread, bacon and ketchup or brown sauce." }, { "source": "webnlg", "text": "The variant Blt bacon sandwich includes: bread, bacon, and ketchup or brown sauce. It originates from the United Kingdom and goes by the various names: Bacon butty, bacon sarnie, rasher sandwich, bacon sanger, piece n' bacon, bacon barm, bacon cob and bacon muffin." } ] }, { "tripleset": [ [ "Baked Alaska", "COUNTRY", "France" ], [ "France", "LEADER_NAME", "Manuel Valls" ], [ "France", "LEADER_NAME", "G\u00e9rard Larcher" ], [ "France", "LANGUAGE", "French language" ], [ "Baked Alaska", "REGION", "Hong Kong" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The French language is spoken in France where the leaders are Manuel Valls and Gerard Larcher. Baked Alaska is from France but it's also served in Hong Kong." }, { "source": "webnlg", "text": "France, led by G\u00e9rard Larcher and Manuel Valls, is the home of Baked Alaska. Outside of this French-speaking nation, Baked Alaska is also popular in Hong Kong." }, { "source": "webnlg", "text": "Baked Alaska comes from France where the leaders include G\u00e9rard Larcher and Manuel Valls and they speak French. It is also served in Hong Kong." } ] }, { "tripleset": [ [ "Bandeja paisa", "INGREDIENT", "Lemon" ], [ "Antioquia Department", "COUNTRY", "Colombia" ], [ "Lemon", "ORDER", "Rosids" ], [ "Lemon", "FAMILY", "Rutaceae" ], [ "Bandeja paisa", "REGION", "Antioquia Department" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "An ingredient of bandeja paisa is lemon which belongs to the rutaceae family and falls under the order of rosids. Bandeja paisa is a dish from the Antioquia Department region and the department is located in Colombia." }, { "source": "webnlg", "text": "Lemon is a member of the family Rutaceae and is of the order of Rosids. Lemon is an ingredient in the dish Bandeja Paisa, which hails from the Antioquia Department region of Colombia." } ] }, { "tripleset": [ [ "Barny Cakes", "COUNTRY", "France" ], [ "France", "LEADER_NAME", "G\u00e9rard Larcher" ], [ "France", "LANGUAGE", "French language" ], [ "France", "LEADER_NAME", "Fran\u00e7ois Hollande" ], [ "Barny Cakes", "INGREDIENT", "Sponge cake" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Francois Hollande and Gerard Larcher are leaders in France, where the language is French. It is also where Barny cakes, made with sponge cake, are from." }, { "source": "webnlg", "text": "Barny cakes, made from sponge cake, come from France where French is the national language and Fran\u00e7ois Hollande and G\u00e9rard Larcher are leaders." }, { "source": "webnlg", "text": "France is led by Francois Hollande and Gerard Larcher. The national language is French. A national dish is Barny cakes, which is a type of sponge cake." } ] }, { "tripleset": [ [ "Batagor", "COUNTRY", "Indonesia" ], [ "Indonesia", "LEADER_NAME", "Joko Widodo" ], [ "Batagor", "DISH_VARIATION", "Siomay" ], [ "Siomay", "INGREDIENT", "Peanut sauce" ], [ "Batagor", "DISH_VARIATION", "Shumai" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Joko Widodo is the leader of Indonesia, where the dish batagor can be found. Batagor, Siomay (which contains peanut sauce) and Shumai are all variations of the same dish." }, { "source": "webnlg", "text": "Batagor is a variation of Siomay(which contains peanut sauce) and Shumai.It originates from Indonesia where the leader is president Joko Widodo." }, { "source": "webnlg", "text": "Batagor, a variation of Shumai and Siomay (includes peanut sauce), is found in Joko Widodo led Indonesia." } ] }, { "tripleset": [ [ "Batagor", "COUNTRY", "Indonesia" ], [ "Indonesia", "LEADER_NAME", "Joko Widodo" ], [ "Shumai", "INGREDIENT", "Shiitake" ], [ "Batagor", "DISH_VARIATION", "Siomay" ], [ "Siomay", "DISH_VARIATION", "Shumai" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Batagor is found in Indonesia, where the leader is Joko Widodo. The dish is a variation of siomay and shumai (which contains shiitake)." }, { "source": "webnlg", "text": "Batagor, Shumai and Siomay are variations of the same dish. Batagor is found in the country of Indonesia, which leader is Joko Widodo.Shiitake is an ingredient of Shumai." } ] }, { "tripleset": [ [ "Batagor", "COUNTRY", "Indonesia" ], [ "Indonesia", "LEADER_NAME", "Jusuf Kalla" ], [ "Shumai", "INGREDIENT", "Shiitake" ], [ "Batagor", "DISH_VARIATION", "Shumai" ], [ "Batagor", "DISH_VARIATION", "Siomay" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Batagor is found in the country of Indonesia which is led by Jusuf Kalla. Shiitake is an ingredient of Shumai which is a variation of Bataho and Siomay." }, { "source": "webnlg", "text": "Batagor comes from Indonesia where Jusuf Kalla is the vice-president. Siomay and shumai are variations of the dish and all of them contain shiitake." } ] }, { "tripleset": [ [ "Bhajji", "COUNTRY", "India" ], [ "Bhajji", "REGION", "Karnataka" ], [ "Bhajji", "MAIN_INGREDIENTS", "\"Gram flour, vegetables\"" ], [ "Bhajji", "ALTERNATIVE_NAME", "\"Bhaji, bajji\"" ], [ "Bhajji", "INGREDIENT", "Gram flour" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Bhajji, alternative names: bhaji and bajji, originate from the Karnataka region of India and contain the main ingredients of gram flour and vegetables." }, { "source": "webnlg", "text": "Bhajji (also called bahjo or bajji) comes from the Karnataka region of India. It contains gram flour and vegetables." }, { "source": "webnlg", "text": "The Bhajji originates from the Karnataka region of India. The main ingredients are gram flour and vegetables however its also known as a Bhaji or Bajji." } ] }, { "tripleset": [ [ "Bhajji", "COUNTRY", "India" ], [ "India", "DEMONYM", "Indian people" ], [ "India", "LEADER_NAME", "T. S. Thakur" ], [ "Bhajji", "REGION", "Karnataka" ], [ "Karnataka", "LEADER_NAME", "Vajubhai Vala" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Bhajji originates from the Karnataka region of India. The country's leader is T. S. Thakur and Vajubhai Vala is the leader of Karnataka." }, { "source": "webnlg", "text": "Bhajji, from the region of Karnataka, originates from india where people are referred to as indians, the leaders are T.S. Thakur and Vajubhai Vala." } ] }, { "tripleset": [ [ "Bhajji", "COUNTRY", "India" ], [ "India", "DEMONYM", "Indian people" ], [ "India", "LEADER_NAME", "T. S. Thakur" ], [ "India", "LEADER_NAME", "Sumitra Mahajan" ], [ "Bhajji", "REGION", "Karnataka" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Indian people enjoy the dish bhajji, which originates from the Karnataka region of India. This nation is led by T.S. Thakur and Sumitra Mahajan." } ] }, { "tripleset": [ [ "Bionico", "COUNTRY", "Mexico" ], [ "Bionico", "COURSE", "Dessert" ], [ "Bionico", "MAIN_INGREDIENTS", "\"Chopped Fruits, Sour Cream, Condensed Milk, Granola, Shredded Coconut, Raisins\"" ], [ "Bionico", "REGION", "Guadalajara" ], [ "Bionico", "INGREDIENT", "Sour cream" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Bionico is a dessert dish from the Guadalajara region of Mexico and it includes the ingredients chopped fruits, sour cream, condensed milk, granola, shredded coconut and raisins." }, { "source": "webnlg", "text": "Bionico is a dessert dish from the Guadalajara region of Mexico and it contains the main ingredients sour cream, chopped fruits, condensed milk, granola, raisins and shredded coconut." } ] }, { "tripleset": [ [ "Bionico", "COUNTRY", "Mexico" ], [ "Mexico", "LANGUAGE", "Spanish language" ], [ "Mexico", "LEADER_NAME", "Enrique Pe\u00f1a Nieto" ], [ "Bionico", "DISH_VARIATION", "Honey" ], [ "Bionico", "COURSE", "Dessert" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Enrique Pena Nieto is the leader of Mexico which is where they speak Spanish and eat bionico, flavoured with honey, for dessert." } ] }, { "tripleset": [ [ "Bionico", "COUNTRY", "Mexico" ], [ "Mexico", "LEADER_NAME", "Silvano Aureoles Conejo" ], [ "Bionico", "REGION", "Jalisco" ], [ "Bionico", "DISH_VARIATION", "Honey" ], [ "Bionico", "COURSE", "Dessert" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Silvano Aureoles Conejo is the leader of Mexico, where the dish Bionico can be found in the Jalisco region. Bionico is a dessert dish and honey is used in one of its variants." }, { "source": "webnlg", "text": "Bionico is a dessert often including honey found in the Jalisco region of Mexico. The name of the leader in Mexico is Silvano Aureoles Conejo." }, { "source": "webnlg", "text": "The dessert Bionico, containg honey, is from the Jalisco region of Mexico (led by Silvano Aureoles Conejo)." } ] }, { "tripleset": [ [ "Catalonia", "LEADER_NAME", "Carles Puigdemont" ], [ "Arr\u00f2s negre", "COUNTRY", "Spain" ], [ "Spain", "ETHNIC_GROUP", "Spaniards" ], [ "Spain", "LEADER_NAME", "Felipe VI of Spain" ], [ "Arr\u00f2s negre", "REGION", "Catalonia" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Felipe VI of Spain is the leader of Spain, whose main ethnic group is Spaniards. Arr\u00f2s negre is a traditional dish from the Catalonia region of Spain, whose leader is Carles Puigdemont." }, { "source": "webnlg", "text": "Arros negre is a Spanish dish from the region of Catalonia where Carles Puigdemont is a leader. Spaniards are an ethnic group in Spain and the leader is Felipe VI." }, { "source": "webnlg", "text": "Spaniards enjoy the dish arros negre, which is from Catalonia . Led by Carles Puigdemont, Catalonia is a region of Spain (led by Felipe VI)." } ] }, { "tripleset": [ [ "Italy", "CAPITAL", "Rome" ], [ "Italy", "LEADER_NAME", "Matteo Renzi" ], [ "Amatriciana sauce", "COUNTRY", "Italy" ], [ "Italy", "LEADER_NAME", "Laura Boldrini" ], [ "Italy", "LANGUAGE", "Italian language" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Italy is the country Amatriciana sauce comes from. The capital of the country is Rome, the language spoken is Italian and the leaders include Matteo Renzi and Laura Boldrini." }, { "source": "webnlg", "text": "Amatriciana sauce can be found in italy, where the speak italian, the capital is Rome and their leaders are Matteo Renzi and Laura Boldrini." } ] }, { "tripleset": [ [ "Italy", "DEMONYM", "Italians" ], [ "Italy", "CAPITAL", "Rome" ], [ "Amatriciana sauce", "COUNTRY", "Italy" ], [ "Italy", "LEADER_NAME", "Sergio Mattarella" ], [ "Italy", "LEADER_NAME", "Laura Boldrini" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Amatriciana sauce comes from Italy, where Italians come from and Rome is the capital city. Sergio Mattarella and Laura Boldrini are leaders in Italy." }, { "source": "webnlg", "text": "Amatriciana is a popular sauce from Italy where the capital is Rome and the population are known as Italians. Leaders of the country include Sergio Mattarella and Laura Boldrini." } ] }, { "tripleset": [ [ "Italy", "LEADER_NAME", "Pietro Grasso" ], [ "Italy", "CAPITAL", "Rome" ], [ "Italy", "LEADER_NAME", "Matteo Renzi" ], [ "Amatriciana sauce", "COUNTRY", "Italy" ], [ "Italy", "LANGUAGE", "Italian language" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Matteo Renzi and Pietro Grasso are leaders in Italy where Italian is spoken. It is also where Rome is the capital and where Amatriciana sauce comes from." }, { "source": "webnlg", "text": "Italy is led by Pietro Grasso and the language spoken in the country is Italian. Matteo Renzi is a leader from Italy which has Rome as its capital and where you can find amatriciana sauce." }, { "source": "webnlg", "text": "Pietro Grasso and Matteo Renzi are leaders in Italy, where Italian is spoken, Rome is the capital and Amatriciana sauce is a traditional dish." } ] }, { "tripleset": [ [ "Java", "ETHNIC_GROUP", "Javanese people" ], [ "Ayam penyet", "INGREDIENT", "Fried chicken" ], [ "Fried chicken", "MAIN_INGREDIENTS", "Chicken" ], [ "Ayam penyet", "REGION", "\"Nationwide, also can be found in Malaysia and Singapore\"" ], [ "Ayam penyet", "COUNTRY", "Java" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The fried chicken dish Ayam penyet is made nationwide in Java (land of the Javanese), and can also be found in Malaysia and Singapore." } ] }, { "tripleset": [ [ "Java", "ETHNIC_GROUP", "Javanese people" ], [ "Singapore", "LANGUAGE", "English language" ], [ "Ayam penyet", "REGION", "Singapore" ], [ "Singapore", "LEADER_NAME", "Tony Tan" ], [ "Ayam penyet", "COUNTRY", "Java" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Javanese people are an ethnic group of Java, where the dish Ayam penyet can be found. The dish is from Singapore, where Tony Tan is the leader and the English language is spoken." }, { "source": "webnlg", "text": "In Singapore, one of the spoken languages is English, a leader is Tony Tan and ayam penyet is a dish from here. This dish is also found in Java where an ethnic group is the Javanese people." } ] }, { "tripleset": [ [ "Philippines", "LANGUAGE", "Arabic" ], [ "Philippines", "ETHNIC_GROUP", "Zamboangans" ], [ "Philippines", "LANGUAGE", "Philippine Spanish" ], [ "Batchoy", "COUNTRY", "Philippines" ], [ "Philippines", "ETHNIC_GROUP", "Chinese Filipino" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Among the languages spoken in the Philippines are Arabic and Philippine Spanish. The Zamboangans are a group in the Philippines and another group is the Chinese Filipino. Batchoy comes from the Philippines." }, { "source": "webnlg", "text": "Batchoy comes from the Philippines, whose ethnic groups include the Zamboangans and the Chinese Filipino, and where Arabic and Philippine Spanish are among the languages spoken." } ] }, { "tripleset": [ [ "Spain", "LANGUAGE", "Spanish language" ], [ "Ajoblanco", "REGION", "Andalusia" ], [ "Andalusia", "LEADER_NAME", "Susana D\u00edaz" ], [ "Ajoblanco", "COUNTRY", "Spain" ], [ "Spain", "ETHNIC_GROUP", "Spaniards" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Spain's major ethnic group is the Spaniards and the main spoken language is Spanish. Ajoblanco is one of the country's well-known food from the Andalusia region where Susana Diaz is the regional leader." }, { "source": "webnlg", "text": "The dish ajoblanco originates from Spain and more specifically Andalusia where Susana Diaz is the leader. In Spain, the language spoken is Spanish and an ethnic group are the Spaniards." }, { "source": "webnlg", "text": "Spaniards, the ethnic group of Spain, speak Spanish. Ajoblanco originates the Andalusia region of Spain. Susana Diaz is a leader of Andalusia." } ] }, { "tripleset": [ [ "Spain", "LEADER_NAME", "Felipe VI of Spain" ], [ "Ajoblanco", "REGION", "Andalusia" ], [ "Andalusia", "LEADER_NAME", "Susana D\u00edaz" ], [ "Ajoblanco", "COUNTRY", "Spain" ], [ "Spain", "DEMONYM", "Spaniards" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Ajoblanco is a Spanish dish that originates Andalusia, where the leader is Susana Diaz. Felipe VI is the leader of Spain, where the people that live there are called Spaniards." }, { "source": "webnlg", "text": "Some famous Spaniards from Spain include Felipe VI (leader of Spain) and Susana Diaz who is the leader of Andalusia where ajoblanco comes from." } ] }, { "tripleset": [ [ "Alan Bean", "NATIONALITY", "United States" ], [ "Alan Bean", "OCCUPATION", "Test pilot" ], [ "Alan Bean", "BIRTH_PLACE", "Wheeler, Texas" ], [ "Alan Bean", "WAS_SELECTED_BY_NASA", "1963" ], [ "Alan Bean", "STATUS", "\"Retired\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The American test pilot Alan Bean (born in Wheeler, Texas) was selected by NASA in 1963. He is now retired." }, { "source": "webnlg", "text": "Alan Bean is a retired American, who was born in Wheeler, Texas. He served as a test pilot and was selected by NASA in 1963." }, { "source": "webnlg", "text": "Alan Bean is a US national born in Wheeler, Texas. He is a retired test pilot who joined NASA in 1963." } ] }, { "tripleset": [ [ "Alan Shepard", "WAS_A_CREW_MEMBER_OF", "Apollo 14" ], [ "Distinguished Service Medal (United States Navy)", "HIGHER", "Department of Commerce Gold Medal" ], [ "Alan Shepard", "BIRTH_PLACE", "New Hampshire" ], [ "Apollo 14", "OPERATOR", "NASA" ], [ "Alan Shepard", "AWARD", "Distinguished Service Medal (United States Navy)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alan Shepard was born in New Hampshire and he was a member of the NASA Apollo 14 crew. He was awarded the United States Navy Distinguished Service Medal, which is higher than the Department of Commerce Gold Medal." }, { "source": "webnlg", "text": "Alan Shepard was on the crew of Apollo 14, which was operated by NASA. He was born in New Hampshire, and was warded the United States Navy Distinguished Service Medal, which is higher than the Department of Commerce Gold Medal." } ] }, { "tripleset": [ [ "Apollo 8", "COMMANDER", "Frank Borman" ], [ "William Anders", "WAS_A_CREW_MEMBER_OF", "Apollo 8" ], [ "William Anders", "NATIONALITY", "United States" ], [ "William Anders", "BIRTH_PLACE", "British Hong Kong" ], [ "Apollo 8", "OPERATOR", "NASA" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Though William Anders was born in British Hong Kong, he was a United States national. He served as a crew member on NASA operated Apollo 8 under commander Frank Borman." }, { "source": "webnlg", "text": "William Anders who was originally from British Hong Kong joined NASA and became a member of Apollo 8 along with Frank Borman who was the commander." }, { "source": "webnlg", "text": "William Anders, a US national (although born in British Hong Kong) served as a crew member on the NASA operated Apollo 8, under commander Frank Borman." } ] }, { "tripleset": [ [ "Buzz Aldrin", "BIRTH_PLACE", "Glen Ridge, New Jersey" ], [ "Buzz Aldrin", "NATIONALITY", "United States" ], [ "Buzz Aldrin", "WAS_A_CREW_MEMBER_OF", "Apollo 11" ], [ "Buzz Aldrin", "OCCUPATION", "Fighter pilot" ], [ "Buzz Aldrin", "DATE_OF_BIRTH", "\"1930-01-20\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Buzz Aldrin was born on January 20,1930 in Glen Ridge New Jersey. He was a United States national, worked as a fighter pilot and was a crew member on Apollo 11." }, { "source": "webnlg", "text": "Buzz Aldrin was born on 20 January 1930 in Glen Ridge, New Jersey. A US national, he was a fighter pilot before becoming a crew member of Apollo 11." } ] }, { "tripleset": [ [ "Buzz Aldrin", "BIRTH_PLACE", "Glen Ridge, New Jersey" ], [ "Buzz Aldrin", "WAS_A_CREW_MEMBER_OF", "Apollo 11" ], [ "Buzz Aldrin", "NATIONALITY", "United States" ], [ "Buzz Aldrin", "OCCUPATION", "Fighter pilot" ], [ "Apollo 11", "OPERATOR", "NASA" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Buzz Aldrin was a US national who was born in Glen Ridge, New Jersey. He was a fighter pilot and crew member on the Apollo 11 program organized by NASA." }, { "source": "webnlg", "text": "Buzz Aldrin was a United States national. born Glen Ridge New Jersey, who served as a Fighter pilot before being a crew member on Apollo 11, program organized by NASA." }, { "source": "webnlg", "text": "Buzz Aldrin, (born Glen Ridge, New JerseyI is a US national who became a member of the NASA operated Apollo 11 crew, having previously served as a fighter pilot." } ] }, { "tripleset": [ [ "Buzz Aldrin", "BIRTH_PLACE", "Glen Ridge, New Jersey" ], [ "Buzz Aldrin", "WAS_A_CREW_MEMBER_OF", "Apollo 11" ], [ "Buzz Aldrin", "OCCUPATION", "Fighter pilot" ], [ "Buzz Aldrin", "ALMA_MATER", "\"Massachusetts Institute of Technology, Sc.D. 1963\"" ], [ "Buzz Aldrin", "STATUS", "\"Retired\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Buzz Aldrin was born in Glen Ridge, NJ. He graduated from MIT, Sc.D. in 1963. He was a fighter pilot and a crew member of Apollo 11. He is now retired." }, { "source": "webnlg", "text": "Buzz Aldrin was born in Glen Ridge, NJ and graduated from MIT, Sc.D. 1963. He was a fighter pilot and a crew member on Apollo 11. He is now retired." }, { "source": "webnlg", "text": "Buzz Aldrin was born in Glen Ridge, New Jersey and graduated from MIT, Sc.D. in 1963. He is a retired fighter pilot and was a member of the Apollo 11 crew." } ] }, { "tripleset": [ [ "Buzz Aldrin", "BIRTH_PLACE", "Glen Ridge, New Jersey" ], [ "Buzz Aldrin", "WAS_A_CREW_MEMBER_OF", "Apollo 11" ], [ "Buzz Aldrin", "STATUS", "\"Retired\"" ], [ "Apollo 11", "BACKUP_PILOT", "William Anders" ], [ "Apollo 11", "OPERATOR", "NASA" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Buzz Aldrin was born in Glen Ridge, NJ. He was a member of the Apollo 11 crew, organized by NASA. He is now retired. William Anders was a backup pilot for Apollo 11." }, { "source": "webnlg", "text": "Buzz Aldrin, born in Glen Ridge, New Jersey, was a crew member on the NASA operated Apollo 11 mission (for which William Anders was the backup pilot). Buzz is now retired." }, { "source": "webnlg", "text": "Buzz Aldrin was born in Glen RIdge, New Jersey He is now retired but served as crew member on the NASA operated Apollo 11 mission on which William Anders was the backup pilot." } ] }, { "tripleset": [ [ "Buzz Aldrin", "WAS_A_CREW_MEMBER_OF", "Apollo 11" ], [ "Buzz Aldrin", "STATUS", "\"Retired\"" ], [ "Buzz Aldrin", "DATE_OF_BIRTH", "\"1930-01-20\"" ], [ "Apollo 11", "BACKUP_PILOT", "William Anders" ], [ "Apollo 11", "OPERATOR", "NASA" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Buzz Aldrin was born on January 20th, 1930. He was a crew member on NASA's Apollo 11. The backup pilot for Apollo 11 was William Anders. Aldrin has now retired." }, { "source": "webnlg", "text": "Buzz Aldrin was born on the 20th October 1930. He was a crew member of Apollo 11, but is now retired. William Anders was a backup pilot on the Apollo 11 mission, which was operated by NASA." } ] }, { "tripleset": [ [ "California", "GEMSTONE", "Benitoite" ], [ "Alan Shepard", "WAS_A_CREW_MEMBER_OF", "Apollo 14" ], [ "Alan Shepard", "DEATH_PLACE", "California" ], [ "California", "SENATORS", "Dianne Feinstein" ], [ "Apollo 14", "OPERATOR", "NASA" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Dianne Feinstein is senator of California, the state in which the gemstone Benitoite is found and the state Alan Shepard, NASA's Apollo 14 crew member, died in." }, { "source": "webnlg", "text": "Alan Shepard, crew member of the NASA Apollo 14 mission, died in California, the state that is famous for a gemstone called Benitoite. Dianne Feinstein is a senator in California." } ] }, { "tripleset": [ [ "Distinguished Service Medal (United States Navy)", "HIGHER", "Department of Commerce Gold Medal" ], [ "Alan Shepard", "NATIONALITY", "United States" ], [ "Alan Shepard", "DEATH_PLACE", "California" ], [ "Alan Shepard", "BIRTH_PLACE", "New Hampshire" ], [ "Alan Shepard", "AWARD", "Distinguished Service Medal (United States Navy)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alan Shepard was born in New Hampshire (United States) and died in California. He was awarded the Distinguished Service Medal by the United States Navy, which is higher than the Department of Commerce Gold Medal." } ] }, { "tripleset": [ [ "William Anders", "DATE_OF_RETIREMENT", "\"1969-09-01\"" ], [ "William Anders", "NATIONALITY", "United States" ], [ "William Anders", "OCCUPATION", "Fighter pilot" ], [ "William Anders", "BIRTH_PLACE", "British Hong Kong" ], [ "William Anders", "WAS_A_CREW_MEMBER_OF", "Apollo 8" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "William Anders is an American who was born in British Hong Kong. He became a fighter pilot and later a member of the crew on Apollo 8. He retired on 1 September 1969." }, { "source": "webnlg", "text": "William Anders, a US national born in British Hong Kong, retired in 1969-09-01. He was a fighter pilot and later served as a crew member of Apollo 8." } ] }, { "tripleset": [ [ "Aarhus Airport", "LOCATION", "Tirstrup" ], [ "Tirstrup", "COUNTRY", "Denmark" ], [ "Tirstrup", "IS_PART_OF", "Central Denmark Region" ], [ "Denmark", "LEADER_NAME", "Margrethe II of Denmark" ], [ "Denmark", "LANGUAGE", "Faroese language" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The location of Aarhus Airport is Tirstrup, part of the Central Denmark region, in Denmark. Where the leader is Margrethe II of Denmark and where the language is Faroese." }, { "source": "webnlg", "text": "Margrethe II is the leader of Denmark where the Faroese language is spoken. The country is the location of Aarhus airport in Tirstrup, part of the Central Denmark region." }, { "source": "webnlg", "text": "Margrethe II of Denmark is the leader of Denmark where the Faroese language is spoken. Aarhus airport is located in Tirstrup, part of the Central Denmark region." } ] }, { "tripleset": [ [ "Adolfo Su\u00e1rez Madrid\u2013Barajas Airport", "RUNWAY_LENGTH", "4100.0" ], [ "Adolfo Su\u00e1rez Madrid\u2013Barajas Airport", "LOCATION", "\"Madrid, Paracuellos de Jarama, San Sebasti\u00e1n de los Reyes and Alcobendas\"" ], [ "Adolfo Su\u00e1rez Madrid\u2013Barajas Airport", "ELEVATION", "610.0" ], [ "Adolfo Su\u00e1rez Madrid\u2013Barajas Airport", "OPERATING_ORGANISATION", "ENAIRE" ], [ "Adolfo Su\u00e1rez Madrid\u2013Barajas Airport", "RUNWAY_NAME", "\"14L/32R\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Adolfo Suarez Madrid-Barajas Airport, operated by ENAIRE, is located in Madrid, Paracuellos de Jarama, San Sebastian de los Reyes and Alcobendas. It is located 610 metres above sea level and has a runway name of 14L/32R which is 4100.0 in length." }, { "source": "webnlg", "text": "Adolfo Suarez Madrid-Barajas Airport is located in Madrid, Paracuellos de Jarama, San Sebastian de los Reyes and Alcobendas at an elevation of 610.0 metres above sea level. It is operated by ENAIRE and has a runway name of 14L/36R with a length of 4100.0." }, { "source": "webnlg", "text": "Adolfo Suarez Madrid-Barajas Airport, which is operated by ENAIRE, is located in Madrid, Paracuellos de Jarama, San Sebastian de los Reyes and Alcobendas. The airport is 610 metres above sea level, and has a runway length of 4,100 which is named 14L/32R." } ] }, { "tripleset": [ [ "Agra Airport", "LOCATION", "India" ], [ "Agra Airport", "RUNWAY_LENGTH", "1818.0" ], [ "Agra Airport", "OPERATING_ORGANISATION", "Indian Air Force" ], [ "Agra Airport", "ELEVATION", "167.94" ], [ "Agra Airport", "ICAO_LOCATION_IDENTIFIER", "\"VIAG\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The runway length at Agra airport in India is 1818 and the ICAO location identifier is VIAG. The airport is operated by the Indian Air Force and is 167.94 metres above sea level." }, { "source": "webnlg", "text": "Agra airport has the ICAO location identifier of VIAG and it has a runway length of 1818. It is located in India at 167.94 metres above sea level and is operated by the Indian air force." }, { "source": "webnlg", "text": "Agra Airport, in India, is operated by the Indian Air Force. The airport's ICAO Location Identifier is VIAG and it is elevated 167.94 meters above sea level. This airport has a runway which measures 1818." } ] }, { "tripleset": [ [ "Al Asad Airbase", "OPERATING_ORGANISATION", "United States Air Force" ], [ "Al Asad Airbase", "LOCATION", "Iraq" ], [ "Al Asad Airbase", "RUNWAY_LENGTH", "3990.0" ], [ "Al Asad Airbase", "ICAO_LOCATION_IDENTIFIER", "\"ORAA\"" ], [ "Al Asad Airbase", "RUNWAY_NAME", "\"08/26\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Al Asad airbase is in Iraq and is operated by the United States Air Force. the ICAO location identifier is ORAA and the runway, which is called 08/26 has a length of 3990." }, { "source": "webnlg", "text": "The United States Air Force operates an Airbase in Iraq called Al Asad Airbase. Its ICAO location ID is ORAA. Its runway \"08/26\" is 3990.0 in length." } ] }, { "tripleset": [ [ "Al Asad Airbase", "OPERATING_ORGANISATION", "United States Air Force" ], [ "Al Asad Airbase", "RUNWAY_LENGTH", "3992.88" ], [ "Al Asad Airbase", "LOCATION", "\"Al Anbar Province, Iraq\"" ], [ "Al Asad Airbase", "ICAO_LOCATION_IDENTIFIER", "\"ORAA\"" ], [ "Al Asad Airbase", "RUNWAY_NAME", "\"08/26\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Al Asad air base has a runway name of 08/26 which is 3992.8 in length. It is situated in the Al Anbar Province of Iraq, is operated by the United States Air Force and has the ICAO location identifier ORAA." }, { "source": "webnlg", "text": "The United States Airport operates the Al Asad airbase which is located in the Al Anbar Province, Iraq. The ICAO location identifer of Al Asad Airbase is ORAA and the length is 3992.88m and the runway is known as 08/26." }, { "source": "webnlg", "text": "Al Asad Airbase is located in Al Anbar Province, Iraq and is operated by the United States Air Force. ORAA is the ICAO location of the airbase. It's runway, named \"08/26\" measures a length of 3992.88." } ] }, { "tripleset": [ [ "Al Asad Airbase", "OPERATING_ORGANISATION", "United States Air Force" ], [ "United States Air Force", "ATTACK_AIRCRAFT", "Lockheed AC-130" ], [ "United States Air Force", "TRANSPORT_AIRCRAFT", "Boeing C-17 Globemaster III" ], [ "United States Air Force", "AIRCRAFT_FIGHTER", "General Dynamics F-16 Fighting Falcon" ], [ "United States Air Force", "BATTLES", "1986 United States bombing of Libya" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Lockheed AC-130 can be found on USAF aircraft carriers and the Boeing C-17 Globemaster III is a transport aircraft of the United States Air Force. The airforce also has the aircraft fighter the General Dynamics F-16 Fighting Falcon. The 1986 United States bombing of Libya was carried out by the United States Air Force which now operates Al Asad Airbase." }, { "source": "webnlg", "text": "Al Asad Airbase is operated by the United States Air Force which was involved in the 1986 United States bombing of Libya. Some of the Air Force's aircraft are the Lockheed AC-130 (an attack aircraft), Boeing C-17 Globemaster III (transport aircraft) and the General Dynamics F-16 Fighting Falcon (aircraft fighter)." }, { "source": "webnlg", "text": "Al Asad air base is operated by the United States Air Force who were involved in the 1986 bombing of Libya. They deploy the Lockheed AC-130 on their aircraft carriers, use the Boeing C-17 Globemaster III transport aircraft and the General Dynamics F-16 Fighting Falcon fighter aircraft." } ] }, { "tripleset": [ [ "Al Asad Airbase", "OPERATING_ORGANISATION", "United States Air Force" ], [ "United States Air Force", "BATTLES", "Invasion of Grenada" ], [ "United States Air Force", "ATTACK_AIRCRAFT", "Lockheed AC-130" ], [ "United States Air Force", "TRANSPORT_AIRCRAFT", "Lockheed C-130 Hercules" ], [ "United States Air Force", "BATTLES", "Operation Enduring Freedom" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Al Asad airbase is operated by the United States Air Force who were involved in battles at the invasion of Grenada and during Operation Enduring Freedom. They deploy the Lockheed AC-130 as an attack aircraft and the Lockheed C-130 Hercules as a transport aircraft." }, { "source": "webnlg", "text": "The United States Air Force is the operating organisation for Al Asad airbase and was involved in battles at the Invasion of Grenada and Operation Enduring Freedom. The Lockheed AC-130 attack aircraft and the Lockheed C-130 Hercules transporter are planes of the USAF." } ] }, { "tripleset": [ [ "Alderney Airport", "1ST_RUNWAY_SURFACE_TYPE", "Poaceae" ], [ "Alderney Airport", "RUNWAY_LENGTH", "733.0" ], [ "Alderney Airport", "CITY_SERVED", "Alderney" ], [ "Alderney Airport", "ELEVATION", "88.0" ], [ "Alderney Airport", "RUNWAY_NAME", "\"08/26\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alderney Airport is 88 metres above sea level and serves the city of Alderney. It has a 1st runway made of poaceae which is named 08/26 and has a length of 733.0." }, { "source": "webnlg", "text": "The Alderney Airport serves Alderney and its runway name is 08/26. The 1st runway was made of Poaceae and it is 733 m long. The airport is 88 meters above sea level." } ] }, { "tripleset": [ [ "Allama Iqbal International Airport", "LOCATION", "Pakistan" ], [ "Allama Iqbal International Airport", "RUNWAY_LENGTH", "3310.0" ], [ "Allama Iqbal International Airport", "OPERATING_ORGANISATION", "Pakistan Civil Aviation Authority" ], [ "Allama Iqbal International Airport", "CITY_SERVED", "Lahore" ], [ "Allama Iqbal International Airport", "RUNWAY_NAME", "\"18L/36R\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Operated by the Pakistan Civil Aviation Authority and located in Pakistan, is Allama Iqbal International Airport. This airport; serves the city of Lahore, has a runway length of 3310.0 and a runway with the name 18L/36R." }, { "source": "webnlg", "text": "Allama Iqbal International Airport in Pakistan is governed by the Pakistan Civil Aviation Authority and serves the city of Lahore. The airport runway is named 18L/36R and has a length of 3310." }, { "source": "webnlg", "text": "Allama Iqbal International airport is located in Pakistan as it serves the city of Lahore and is operated by Pakistan Civil Aviation Authority. the airport runway which named \"18L/36R\" has a total length of 3310.0." } ] }, { "tripleset": [ [ "Allama Iqbal International Airport", "LOCATION", "Punjab, Pakistan" ], [ "Allama Iqbal International Airport", "RUNWAY_LENGTH", "2900.0" ], [ "Allama Iqbal International Airport", "OPERATING_ORGANISATION", "Pakistan Civil Aviation Authority" ], [ "Allama Iqbal International Airport", "CITY_SERVED", "Lahore" ], [ "Allama Iqbal International Airport", "RUNWAY_NAME", "\"18R/36L\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Allama Iqbal International Airport in Punjab, Pakistan, serves the city of Lahore and is operated by Pakistan Civil Aviation Authority. The airport runway name is 18R/36L and it is 2900.0 in length." }, { "source": "webnlg", "text": "Allama Iqbal International Airport is located in Punjab, Pakistan and governed by The Pakistan Civil Aviation Authority &amp; the name of its runway is \"18R/36L\" and its lentgh is 2900. the airport serves the whole city of Lahore." }, { "source": "webnlg", "text": "Allama Iqbal International Airport, found in Punjab, Pakistan, serves the city of Lahore and is operated by the Pakistan Civil Aviation Authority. The runaway name is 18R/36L and it has a length of 2900.0." } ] }, { "tripleset": [ [ "Alpena County Regional Airport", "ELEVATION", "210" ], [ "Alpena County Regional Airport", "RUNWAY_LENGTH", "1533.0" ], [ "Alpena County Regional Airport", "LOCATION", "Maple Ridge Township, Alpena County, Michigan" ], [ "Maple Ridge Township, Alpena County, Michigan", "COUNTRY", "United States" ], [ "Alpena County Regional Airport", "CITY_SERVED", "Alpena, Michigan" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alpena County Regional Airport, which serves Alpena is found in Maple Ridge Township, Alpena County, Michigan in the U.S.A. The airport is 210 metres above sea level and has a runway that is 1,533 long." }, { "source": "webnlg", "text": "Alpena County Regional Airport, which serves Alpena, is found in Maple Ridge Township, Alpena County, Michigan in the U.S.A. The airport is 210 metres above sea level and a runway that is 1,533 in length." }, { "source": "webnlg", "text": "Alpena County Regional Airport, which serves the city of Alpena, is found in Maple Ridge Township, Alpena County, Michigan, in the U.S.A. The airport is 210 metres above sea level and has a runway length of 1,533." } ] }, { "tripleset": [ [ "Alpena County Regional Airport", "LOCATION", "Maple Ridge Township, Alpena County, Michigan" ], [ "Alpena County Regional Airport", "RUNWAY_LENGTH", "1533.0" ], [ "Alpena County Regional Airport", "CITY_SERVED", "Alpena, Michigan" ], [ "Alpena County Regional Airport", "ELEVATION", "210" ], [ "Alpena County Regional Airport", "RUNWAY_NAME", "\"7/25\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Serving the city of Aplena and located in Ridge Township, Alpena County, Michigan, is Alpena County Regional Airport. It is 210 metres above sea level, has a runway with the name 7/25 and a runway that is 1533.0 long." }, { "source": "webnlg", "text": "The city of Alpena in Michigan is served by Alpena County Regional Airport which is located 210 metres above sea level in Maple Ridge Township, Alpena County, Michigan. The runway name is 7/25 and it has a length of 1533.0." } ] }, { "tripleset": [ [ "Alpena County Regional Airport", "LOCATION", "Wilson Township, Alpena County, Michigan" ], [ "Alpena County Regional Airport", "RUNWAY_LENGTH", "2744.0" ], [ "Alpena County Regional Airport", "CITY_SERVED", "Alpena, Michigan" ], [ "Alpena County Regional Airport", "ELEVATION", "210" ], [ "Alpena County Regional Airport", "RUNWAY_NAME", "\"1/19\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "In Wilson Township, Alpena County, Michigan and serving Alpena, is Alpena County Regional Airport. This airport is 210 metres above sea level, has the runway name 1/19 and a runway length of 2744.0." }, { "source": "webnlg", "text": "The location of Alpena County Regional Airport is Wilson Township, Alpena County, Michigan and it serves Alpena, Michigan. The airport, which lies 210 metres above sea level, has a runway named 1/19/ which is 2744 metres long." } ] }, { "tripleset": [ [ "Alpena County Regional Airport", "LOCATION", "Wilson Township, Alpena County, Michigan" ], [ "Wilson Township, Alpena County, Michigan", "COUNTRY", "United States" ], [ "Alpena County Regional Airport", "ELEVATION", "210" ], [ "Alpena County Regional Airport", "RUNWAY_LENGTH", "1533.0" ], [ "Alpena County Regional Airport", "CITY_SERVED", "Alpena, Michigan" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alpena County Regional Airport serving Alpena, Michigan, is located in Wilson Township, Alpena County, USA. The airport is 210 metres above sea level and has a runway length of 1533.0." }, { "source": "webnlg", "text": "Aplena County Regional Airport, serving Alpena, Michigan is found in Wilson Township, Aplena County, Michigan in the USA. This airport is elevated 210 meters above sea level and it has a runway measuring 1533.0 in length." }, { "source": "webnlg", "text": "210 metres above sea level in the Wilson Township, Alpena County, Michigan U.S.A, there is an airport called Alpena Country Regional Airport. It serves the citizens of Alpena Michigan. It has a runway that stretches 1533.0 in length." } ] }, { "tripleset": [ [ "Angola International Airport", "LOCATION", "\u00cdcolo e Bengo" ], [ "Angola International Airport", "CITY_SERVED", "Luanda" ], [ "Angola International Airport", "ELEVATION", "159" ], [ "Angola International Airport", "RUNWAY_NAME", "\"05L/23R\"" ], [ "Angola International Airport", "RUNWAY_LENGTH", "3800.0" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Located in \u00cdcolo e Bengo, Angola International Airport serves Luanda. The airport is 159 metres above the sea level, has a runway length of 3800 and the runway name, 05L/23R." }, { "source": "webnlg", "text": "Angola International airport is located in Icolo e Bengo and serves the city of Luanda.It is situated 159 meters above sea level and has a 3,800 kilometers long runway named 05L/23R." }, { "source": "webnlg", "text": "Angola International Airport, which lies 159 metres above sea level, is located in Icolo e Bengo and serves the city of Luanda. The runway length is 3800.0 and the runway is named 05L/23R." } ] }, { "tripleset": [ [ "Athens International Airport", "CITY_SERVED", "Athens" ], [ "Athens", "COUNTRY", "Greece" ], [ "Greece", "LEADER_NAME", "Alexis Tsipras" ], [ "Greece", "LANGUAGE", "Greek language" ], [ "Greece", "LEADER_NAME", "Nikos Voutsis" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Nikos Voutsis and Alexis Tsipras are leaders in Greece where the Greek language is spoken. The city of Athens, located in the country, is served by Athens International Airport." }, { "source": "webnlg", "text": "The Athens International Airport serves the city of Athens in Greece, Greek is spoken in Greece and the leaders names in Greece are Alexis Tsipras and Nikos Voutsis." } ] }, { "tripleset": [ [ "Athens International Airport", "CITY_SERVED", "Athens" ], [ "Athens", "COUNTRY", "Greece" ], [ "Greece", "LEADER_NAME", "Alexis Tsipras" ], [ "Greece", "LANGUAGE", "Greek language" ], [ "Greece", "LEADER_NAME", "Prokopis Pavlopoulos" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Athens International Airport serves the city of Athens, in Greek speaking Greece. Two of the leaders of which are Alexis Tsipras and Prokopis Pavlopoulos." }, { "source": "webnlg", "text": "Athens International Airport serves the city of Athens, Greece where the spoken language is Greek. Two leaders of Greece are Alexis Tsipras and Prokopis Pavlopoulos." }, { "source": "webnlg", "text": "The Athens International Airport is located in Athens, Greece which has both Alexis Tsipras and Prokopis Pavlopoulos as leaders. The language spoken here is Greek." } ] }, { "tripleset": [ [ "Atlantic City International Airport", "CITY_SERVED", "Atlantic City, New Jersey" ], [ "Egg Harbor Township, New Jersey", "IS_PART_OF", "New Jersey" ], [ "Atlantic City International Airport", "LOCATION", "Egg Harbor Township, New Jersey" ], [ "Egg Harbor Township, New Jersey", "COUNTRY", "United States" ], [ "Atlantic City, New Jersey", "LEADER_NAME", "Don Guardian" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Atlantic City International Airport serves Atlantic City in New Jersey which is led by Don Guardian. It is located at Egg Harbor Township, New Jersey, United States." }, { "source": "webnlg", "text": "Atlantic City in New Jersey is led by Don Guardian and is served by Atlantic City International airport at Egg Harbor Township, New Jersey, United States." }, { "source": "webnlg", "text": "The Atlantic City International Airport in Egg Harbor Township, N.J. in the United States serves Atlantic City, N.J. Don Guardian is a leader in New Jersey." } ] }, { "tripleset": [ [ "Belgium", "LEADER_NAME", "Philippe of Belgium" ], [ "Antwerp International Airport", "CITY_SERVED", "Antwerp" ], [ "Belgium", "LEADER_NAME", "Charles Michel" ], [ "Antwerp", "COUNTRY", "Belgium" ], [ "Belgium", "CAPITAL", "City of Brussels" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Philippe of Belgium and Charles Michel are leaders in Belgium, the capital city of which is Brussels. In Belgium is Antwerp which is served by Antwerp International Airport." }, { "source": "webnlg", "text": "Antwerp International Airport serves the city of Antwerp. It is in the country of Belgium, where the capital city is Brussels. The leaders of Belgium are Charles Michel ad Philippe of Belgium." } ] }, { "tripleset": [ [ "Egg Harbor Township, New Jersey", "IS_PART_OF", "New Jersey" ], [ "Atlantic City International Airport", "ICAO_LOCATION_IDENTIFIER", "\"KACY\"" ], [ "Atlantic City International Airport", "LOCATION", "Egg Harbor Township, New Jersey" ], [ "Egg Harbor Township, New Jersey", "COUNTRY", "United States" ], [ "Egg Harbor Township, New Jersey", "IS_PART_OF", "Atlantic County, New Jersey" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The ICAO location identifier for Atlantic City International Airport is KACY. It is located at Egg Harbor Township, Atlantic County, New Jersey in the United States." }, { "source": "webnlg", "text": "Atlantic City International Airport is located in Egg Harbor Township, New Jersey in the United States.The Airport's ICAO location identifier is KACY." } ] }, { "tripleset": [ [ "Harrietstown, New York", "COUNTRY", "United States" ], [ "Saranac Lake, New York", "IS_PART_OF", "Harrietstown, New York" ], [ "Lake Placid, New York", "IS_PART_OF", "New York" ], [ "Adirondack Regional Airport", "CITY_SERVED", "Lake Placid, New York" ], [ "Adirondack Regional Airport", "CITY_SERVED", "Saranac Lake, New York" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Adirondack Regional Airport serves the city of Lake Placid, part of New York, and also the city of Saranac Lake, part of Harrietstown, New York, United States." }, { "source": "webnlg", "text": "Adirondack Regional Airport serves Lake Placid and Saranac Lake,New York. Saranac Lake is part of Harrietstown,New York and is located in the United States." } ] }, { "tripleset": [ [ "Harrietstown, New York", "COUNTRY", "United States" ], [ "Saranac Lake, New York", "IS_PART_OF", "Harrietstown, New York" ], [ "Saranac Lake, New York", "IS_PART_OF", "Essex County, New York" ], [ "Adirondack Regional Airport", "CITY_SERVED", "Lake Placid, New York" ], [ "Adirondack Regional Airport", "CITY_SERVED", "Saranac Lake, New York" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "A part of both Harrietstown and Essex county, in New York (United States), the the city of Saranac Lake is served by Adirondack Regional Airport. the same airport also serves the city of Lake Placid, New York." }, { "source": "webnlg", "text": "Saranac Lake is part of Harrietstown and part of Essex County, in New York, United States. Adirondack Regional Airport serves both the city of Saranac Lake and the city of Lake Placid, New York." }, { "source": "webnlg", "text": "Adirondack Regional Airport serves the city of Saranac Lake and Lake Placid both in New York. Saranac Lake is part of Essex County where you will also find Harriestown." } ] }, { "tripleset": [ [ "Indian Air Force", "AIRCRAFT_HELICOPTER", "HAL Light Combat Helicopter" ], [ "Agra Airport", "LOCATION", "Uttar Pradesh" ], [ "Uttar Pradesh", "IS_PART_OF", "Awadh" ], [ "Agra Airport", "OPERATING_ORGANISATION", "Indian Air Force" ], [ "Uttar Pradesh", "IS_PART_OF", "Bundelkhand" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Uttar Pradesh is part of both Awadh and Bundelkhand. It is the location of Agra airport which is operated by the Indian Air Force who use the HAL Light Combat helicopter." }, { "source": "webnlg", "text": "Uttar Pradesh is part of Awadh and Bundelkhand. It is the location of Agra Airport which is operated by the Indian Air Force who deploy the aircraft capable helicopter known as the HAL Light Combat Helicopter." } ] }, { "tripleset": [ [ "Indian Air Force", "AIRCRAFT_HELICOPTER", "HAL Light Combat Helicopter" ], [ "Agra Airport", "LOCATION", "Uttar Pradesh" ], [ "Uttar Pradesh", "LEADER_NAME", "Ram Naik" ], [ "Agra Airport", "OPERATING_ORGANISATION", "Indian Air Force" ], [ "Uttar Pradesh", "IS_PART_OF", "Bundelkhand" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The HAL Light Combat Helicopter is a Helicopter used by the Indian Air Force which operates Agra Airport. This airport is located in Uttar Pradesh (part of Bundelkhand), where Ram Naik is the leader." }, { "source": "webnlg", "text": "Agra Airport is in Uttar Pradesh(part of Bundelkhand) and operated by the Indian Air Force. The HAL Light Combat Helicopter is a Helicopter used by the Indian Air Force. Ram Naik is a leader of Uttar Pradesh." }, { "source": "webnlg", "text": "Agra Airport is located in Uttar Pradesh(part of Bundelkhand) and operated by the Indian Air Force.Ram Naik is the leader of Uttar Pradesh.The Indian Air Force uses HAL Light Combat Helicopters." } ] }, { "tripleset": [ [ "Iraq", "LEADER_NAME", "Haider al-Abadi" ], [ "Iraq", "LEADER_NAME", "Fuad Masum" ], [ "Al-Taqaddum Air Base", "CITY_SERVED", "Fallujah" ], [ "Fallujah", "COUNTRY", "Iraq" ], [ "Iraq", "LANGUAGE", "Arabic" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Iraq is led by Haider al-Abadi and Fuad Masum and uses the Arabic language. The country is the location of Al-Taqaddum air base in Fallujah." }, { "source": "webnlg", "text": "The leaders of Iraq are Halder al-Abadi and Fuad Masum, who speak Arabic. In the city of Fallujah, Iraq, there is the Al-Taqaddum Air Base." }, { "source": "webnlg", "text": "Al-Taqaddum Air Base serves the city of Fallujah in Iraq. Leaders in Iraq include Haider Al-Abadi and Fuad Masum and Arabic is spoken in the country." } ] }, { "tripleset": [ [ "200 Public Square", "LOCATION", "Cleveland" ], [ "200 Public Square", "COMPLETION_DATE", "1985" ], [ "Cleveland", "IS_PART_OF", "Cuyahoga County, Ohio" ], [ "Cleveland", "IS_PART_OF", "Ohio" ], [ "Cleveland", "COUNTRY", "United States" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The 200 Public Square was completed in 1985 in Cuyahoga County, Cleveland, Ohio, United States." }, { "source": "webnlg", "text": "200 Public Square completed in 1985 is in Cleveland (part of Cuyahoga County) in Ohio, U.S." }, { "source": "webnlg", "text": "200 Public Square was completed in 1985, and is located in Cleveland, Cuyahoga County, Ohio, United States." } ] }, { "tripleset": [ [ "250 Delaware Avenue", "LOCATION", "Buffalo, New York" ], [ "250 Delaware Avenue", "ARCHITECTURAL_STYLE", "Postmodern architecture" ], [ "250 Delaware Avenue", "BUILDING_START_DATE", "\"January, 2014\"" ], [ "250 Delaware Avenue", "FLOOR_AREA", "30843.8 (square metres)" ], [ "250 Delaware Avenue", "FLOOR_COUNT", "12" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Construction of 250 Delaware Avenue, Buffalo, New York, began in January 2014 in the postmodernist style of architecture. The building has 12 floors with a total area of 30843.8 square metres." } ] }, { "tripleset": [ [ "300 North LaSalle", "LOCATION", "Chicago" ], [ "Chicago", "LEADER_NAME", "Rahm Emanuel" ], [ "Chicago", "COUNTRY", "United States" ], [ "Illinois", "CAPITAL", "Springfield, Illinois" ], [ "Chicago", "IS_PART_OF", "Illinois" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "300 North LaSalle is located in Chicago, Illinois, United States. The leader of Chicago is Rahm Emanuel and the capital of the state of Illinois is Springfield." }, { "source": "webnlg", "text": "300 North LaSalle is located in Chicago (leader: Rahm Emanuel), which is part of Illinois, United States. The capital of Illinois is Springfield." }, { "source": "webnlg", "text": "300 North LaSalle is located in Chicago, Illinois, in the US. Rahm Emanuel is the leader of Chicago but the capital of the state of Illinois is Springfield." } ] }, { "tripleset": [ [ "AC Hotel Bella Sky Copenhagen", "LOCATION", "Denmark" ], [ "Denmark", "LANGUAGE", "Faroese language" ], [ "Denmark", "LEADER_NAME", "Margrethe II of Denmark" ], [ "Marriott International", "FOUNDATION_PLACE", "Washington, D.C." ], [ "AC Hotel Bella Sky Copenhagen", "TENANT", "Marriott International" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "AC Hotel Bella Sky Copenhagen is located in Denmark, where Faroese is spoken, and the leader is Margrethe II of Denmark. The hotel's current tenant is the Marriott International Hotel, which was founded in Washington, D.C." }, { "source": "webnlg", "text": "Margrethe II of Denmark leads the country where the Faroese language is spoken. The Marriott International, founded in Washington DC, are the current tenants of the AC Hotel Bella Sky in Copenhagen." } ] }, { "tripleset": [ [ "AC Hotel Bella Sky Copenhagen", "LOCATION", "Denmark" ], [ "Marriott International", "FOUNDATION_PLACE", "Washington, D.C." ], [ "AC Hotel Bella Sky Copenhagen", "TENANT", "Marriott International" ], [ "Marriott International", "KEY_PERSON", "Bill Marriott" ], [ "Denmark", "LANGUAGE", "Greenlandic language" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Marriott International was founded in Washington, D.C. and is the tenant of AC Hotel Bella Sky Copenhagen which is in Denmark where Greenlandic is one of the languages spoken there. Bill Marriott is one of the key employees of Marriott International." }, { "source": "webnlg", "text": "Bill Marriott is the key person of Marriott International which was founded in Washington DC and is the tenant of the AC Hotel Bella Sky in Copenhagen, Denmark. One of the languages spoken in the country is Greenlandic." } ] }, { "tripleset": [ [ "AC Hotel Bella Sky Copenhagen", "LOCATION", "Denmark" ], [ "Marriott International", "FOUNDATION_PLACE", "Washington, D.C." ], [ "Denmark", "LEADER_NAME", "Lars L\u00f8kke Rasmussen" ], [ "AC Hotel Bella Sky Copenhagen", "TENANT", "Marriott International" ], [ "Denmark", "LANGUAGE", "Greenlandic language" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "AC Hotel Bella Sky Copenhagen is in Denmark where the leader is Lars L\u00f8kke Rasmussen and Greenlandic is one of the languages spoken there. The tenant of the AC Hotel Bella Sky Copenhagen is the Marriott International Hotel which was founded in Washington, D.C." }, { "source": "webnlg", "text": "Marriott International, founded in Washington DC, is a tenant of AC Hotel Bella Sky located in Copenhagen, Denmark (which is led by Lars Lokke Rasmussen and has Greenlandic as a spoken language)." } ] }, { "tripleset": [ [ "Adare Manor", "COUNTRY", "Republic of Ireland" ], [ "Adare Manor", "ARCHITECT", "Augustus Pugin" ], [ "Augustus Pugin", "SIGNIFICANT_BUILDING", "Palace of Westminster" ], [ "Augustus Pugin", "BIRTH_PLACE", "Bloomsbury" ], [ "Republic of Ireland", "LEADER_NAME", "Enda Kenny" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Adare Manor is in the Republic of Ireland, which leader is Enda Kenny. The architect is Augustus Pugin, who was born in Bloomsbury. One of the significant buildings designed by Augustus Pugin is the Palace Of Westminster." }, { "source": "webnlg", "text": "Adare Manor is located in the Republic of Ireland, whose leader is Enda Kenny. Its architect was Augustus Pugin, who was born in Bloomsbury. Another significant building designed by Pugin is the Palace of Westminster." }, { "source": "webnlg", "text": "Augustus Pugin was born in Bloomsbury and was the architect of Adare Manor in the Republic of Ireland, where the leader is Enda Kenny. He also designed the significant building of the Palace of Westminster." } ] }, { "tripleset": [ [ "Addis Ababa City Hall", "COMPLETION_DATE", "1964" ], [ "Addis Ababa City Hall", "CURRENT_TENANTS", "\"Government of Addis Ababa\"" ], [ "Addis Ababa City Hall", "BUILDING_START_DATE", "1961" ], [ "Addis Ababa City Hall", "FLOOR_AREA", "140000.0 (square metres)" ], [ "Addis Ababa City Hall", "HEIGHT", "\"42 m\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Addis Ababa City Hall is 42m high and has a 140000.0 (square metres) floor area. Construction began in 1961 and it was completed in 1964. The current tenants are the Government of Addis Ababa." }, { "source": "webnlg", "text": "The \" Government of Addis Ababa\" are the current tenants of Addis Ababa City Hall. The building started in 1961 and was completed in 1964. It has a floor area of 140000.0 square metres and is 42 m high." }, { "source": "webnlg", "text": "Addis Ababa City Hall's was started in 1961 and completed in 1964. It is 42 metres high and has 140000 square metres of floor area. The \" Government of Addis Ababa\" are the current tenants of that hall." } ] }, { "tripleset": [ [ "Akita Museum of Art", "COUNTRY", "Japan" ], [ "Akita Museum of Art", "FLOOR_COUNT", "3" ], [ "Akita Museum of Art", "LOCATION", "Akita, Akita" ], [ "Akita Museum of Art", "LOCATION", "Akita Prefecture" ], [ "Akita Museum of Art", "ADDRESS", "\"1-4-2 Nakadori\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Akita Museum of Art is an art museum at 1-4-2 Nakadori, Akita, Akita Prefecture, Japan. It was constructed with 3 floors." }, { "source": "webnlg", "text": "The Akita Museum of Art is located in Akita, Akita, which is part of Akita Prefecture, Japan. The museum has 3 floors and its address is 1-4-2 Nakadori." }, { "source": "webnlg", "text": "The Akita Museum of Art, which has 3 floors, is an art museum in the city of Akita, Japan. It's address is 142 Nakadori, which is the Akita Prefecture." } ] }, { "tripleset": [ [ "Akita Museum of Art", "COUNTRY", "Japan" ], [ "Akita Museum of Art", "LOCATION", "Akita, Akita" ], [ "Akita, Akita", "IS_PART_OF", "Akita Prefecture" ], [ "Japan", "LEADER_NAME", "Tar\u014d As\u014d" ], [ "Japan", "ETHNIC_GROUP", "Chinese people in Japan" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Chinese are one of the ethnic groups in Japan which is led by Taro Aso. The country is the location of the Akita Museum of Art found in Akita, Akita Prefecture." }, { "source": "webnlg", "text": "Tar\u014d As\u014d is one of the leaders in Japan, A country where there is an ethnic group of Chinese people. Also where the Akita Museum of Art is located, in Akita which is part of Akita Prefecture." }, { "source": "webnlg", "text": "The Chinese people are an ethnic group of Japan which is led by Taro Aso. The country is the location of the Akita Museum of Art in Akita, Akita Prefecture." } ] }, { "tripleset": [ [ "Alan B. Miller Hall", "LOCATION", "Virginia" ], [ "Alan B. Miller Hall", "ARCHITECT", "Robert A. M. Stern" ], [ "Alan B. Miller Hall", "OWNER", "College of William &amp; Mary" ], [ "Mason School of Business", "COUNTRY", "United States" ], [ "Alan B. Miller Hall", "CURRENT_TENANTS", "Mason School of Business" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alan B. Miller Hall was designed by Robert A.M. Stern; it is located in Virginia and it is owned by the College of William and Mary. Its current tenants are the Mason School of Business in the US." }, { "source": "webnlg", "text": "The College of William and Mary is the owner of the Alan B. Miller Hall. which was designed by Robert A.M. Stern. Situated in Virginia, it has as its tenants United States based Mason School of Business." } ] }, { "tripleset": [ [ "Amdavad ni Gufa", "LOCATION", "Ahmedabad" ], [ "Ahmedabad", "COUNTRY", "India" ], [ "Amdavad ni Gufa", "LOCATION", "Gujarat" ], [ "India", "LEADER_NAME", "Sumitra Mahajan" ], [ "Gujarat", "LEADER_TITLE", "Gujarat Legislative Assembly" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Gujarat in India is led by the Gujarat Legislative Assembly and is the location of Amdavad ni Gufa in Ahmedabad. Sumitra Mahajan is known as an Indian leader." }, { "source": "webnlg", "text": "Amdavad ni Gufa is located in Ahmedabad, Gujarat, India. Sumitra Mahajan is an Indian leader and Gujarat is led by the Legislative Assembly." }, { "source": "webnlg", "text": "The location of Amdavad ni Gufa is Ahmedabad, Gujarat, India. Gujarat's leader is known as the Gujarat Legislative Assembly, and the name of the leader in India is Sumitra Mahajan." } ] }, { "tripleset": [ [ "Ampara Hospital", "COUNTRY", "Sri Lanka" ], [ "Sri Lanka", "LEADER_NAME", "Ranil Wickremesinghe" ], [ "Ampara Hospital", "STATE", "Eastern Province, Sri Lanka" ], [ "Ampara Hospital", "REGION", "Ampara District" ], [ "Eastern Province, Sri Lanka", "LEADER_NAME", "Austin Fernando" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The leader of Sri Lanka is Ranil Wickremesinghe, but in the Eastern Province it is Austin Fernando. This is where the Ampara Hospital is located in Ampara District." }, { "source": "webnlg", "text": "Ampara Hospital is in the Ampara district of Eastern Province, Sri Lanka. The leader of Eastern Province is Austin Fernando and the leader of Sri Lanka is Ranil Wickremesinghe." }, { "source": "webnlg", "text": "Ampara Hospital is located in Ampara District, Eastern Province, Sri Lanka which is led by Austin Fernando. Ranil Wickremesinghe is a leader of the country." } ] }, { "tripleset": [ [ "Ampara Hospital", "COUNTRY", "Sri Lanka" ], [ "Sri Lanka", "LEADER_NAME", "Ranil Wickremesinghe" ], [ "Ampara Hospital", "STATE", "Eastern Province, Sri Lanka" ], [ "Eastern Province, Sri Lanka", "GOVERNING_BODY", "Eastern Provincial Council" ], [ "Sri Lanka", "CAPITAL", "Sri Jayawardenepura Kotte" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Ranil Wickremesinghe is the leader of Sri Lanka whose capital is Sri Jayawardenepura Kotte. Ampara Hospital is in the Eastern Province which is governed by the Eastern Provincial Council." }, { "source": "webnlg", "text": "Ampara Hospital is in the Eastern Province, Sri Lanka. The Eastern Provincial Council is the governing body of Eastern Province. The capital of Sri Lanka is Sri Jayawardenepura Kotte and the leader of the country is Ranil Wickremesinghe." }, { "source": "webnlg", "text": "Ampara Hospital is in the Eastern Province, Sri Lanka and is governed by Eastern Provincial Council. Ranil Wickremesinghe is a leader of Sri Lanka with the capital being Sri Jayawardenepura Kotte." } ] }, { "tripleset": [ [ "Asilomar Conference Grounds", "ARCHITECT", "Julia Morgan" ], [ "Julia Morgan", "BIRTH_PLACE", "San Francisco" ], [ "Julia Morgan", "SIGNIFICANT_BUILDING", "Los Angeles Herald-Examiner" ], [ "Julia Morgan", "SIGNIFICANT_PROJECT", "Hearst Castle" ], [ "Julia Morgan", "SIGNIFICANT_BUILDING", "Asilomar State Beach" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Julia Morgan, who was born in San Francisco, was the architect of Asilomar Conference Grounds, the Los Angeles Herald examiner building (a landmark in California), Hearst Castle and the Asilomar State Beach." } ] }, { "tripleset": [ [ "Asilomar Conference Grounds", "ARCHITECT", "Julia Morgan" ], [ "Julia Morgan", "BIRTH_PLACE", "San Francisco" ], [ "Julia Morgan", "SIGNIFICANT_BUILDING", "Riverside Art Museum" ], [ "Julia Morgan", "SIGNIFICANT_PROJECT", "Hearst Castle" ], [ "Julia Morgan", "SIGNIFICANT_BUILDING", "Asilomar State Beach" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Julia Morgan, the architect, was born in San Francisco and some of her significant projects include Asilomar Conference Grounds, The Riverside Art Museum, Hearst Castle and Asilomar State Beach." }, { "source": "webnlg", "text": "The architect Julia Morgan was born in San Francisco and designed several significant buildings. These included the grounds of Asilomar Conference, the Riverside Art Museum, Hearst Castle and Asilomar State Beach." }, { "source": "webnlg", "text": "Born in San Francisco, Julia Morgan was an architect mostly known for designing significant buildings such as Asilomar State Beach and the Riverside Art Museum. Other buildings she designed included Asilomar Conference Grounds and Hearst Castle." } ] }, { "tripleset": [ [ "Asser Levy Public Baths", "LOCATION", "New York City" ], [ "New York City", "COUNTRY", "United States" ], [ "Manhattan", "LEADER_NAME", "Cyrus Vance, Jr." ], [ "New York City", "IS_PART_OF", "Manhattan" ], [ "New York City", "IS_PART_OF", "New Netherland" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Asser Levy Public Baths are in New York City in the U.S. New York City has a leader called Cyrus Vance Jr. and it is part of Manhattan and New Netherland." }, { "source": "webnlg", "text": "The Asser Levy Public Baths are in New York City (part of Manhattan) in the U.S. New York City is part of New Netherland and a leader there is Cyrus Vance Jr." }, { "source": "webnlg", "text": "New York City (former part of New Netherland), is located in the United States, is a part of Manhattan (led by Cyrus Vance Jr.), is the loction of Asser Levy Public Baths." } ] }, { "tripleset": [ [ "Birmingham", "POSTAL_CODE", "B postcode area" ], [ "103 Colmore Row", "ARCHITECT", "John Madin" ], [ "John Madin", "BIRTH_PLACE", "Birmingham" ], [ "Birmingham", "LEADER_NAME", "John Clancy (Labour politician)" ], [ "Birmingham", "GOVERNING_BODY", "Birmingham City Council" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "John Madin, the architect who designed 103 Colmore Row, was born in Birmingham. The postal code of that area is B. and the governing body is the Birmingham City Council. Labour politician, John Clancy is the leader the area." }, { "source": "webnlg", "text": "103 Colmore Row was designed by the architect John Madin, who was born in Birmingham, with the postcode area 'B'. Labour politician, John Clancy is the city's leader, and the local governing body is Birmingham City Council." }, { "source": "webnlg", "text": "The City Council, led by labour politician John Clancy, is the governing body for Birmingham. The city (which uses the B Postcode) is the birthplace of the architect John Madin who designed 103 Colmore Row." } ] }, { "tripleset": [ [ "United States", "CAPITAL", "Washington, D.C." ], [ "United States", "LEADER_TITLE", "President of the United States" ], [ "United States", "LEADER_NAME", "John Roberts" ], [ "250 Delaware Avenue", "LOCATION", "United States" ], [ "United States", "LEADER_NAME", "Barack Obama" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "250 Delaware Avenue can be found in the United States, where the leader is Barack Obama and he has the title President of the United States. John Roberts is a leader in the US and the capital of the country is Washington DC." }, { "source": "webnlg", "text": "The title of the leader of the United States is the President of the United States, and the leader was Barack Obama. John Roberts is a leader in the US. The capital of the US is Washington DC, and 250 Delaware Avenue is located in the US." } ] }, { "tripleset": [ [ "11th Mississippi Infantry Monument", "COUNTRY", "\"United States\"" ], [ "11th Mississippi Infantry Monument", "LOCATION", "Seminary Ridge" ], [ "11th Mississippi Infantry Monument", "LOCATION", "Adams County, Pennsylvania" ], [ "11th Mississippi Infantry Monument", "STATE", "\"Pennsylvania\"" ], [ "11th Mississippi Infantry Monument", "ESTABLISHED", "2000" ], [ "11th Mississippi Infantry Monument", "CATEGORY", "Contributing property" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The 11th Mississippi Infantry Monument is located at Seminary Ridge, in Adams County, Pennsylvania, USA. The monument was completed in 2000. It is classified as a Contributing property." }, { "source": "webnlg", "text": "In 2000 the 11th Mississippi Infantry Monument which is categorised as a contributing property, was established. It is located at Seminary Ridge, Adams County, Pennsylvania, in the US." }, { "source": "webnlg", "text": "The 11th Mississippi Infantry Monument is located at Seminary Ridge, in Adams County, Pennsylvania, USA. It was established in 2000, and is categorized as a Contributing Property." } ] }, { "tripleset": [ [ "Adams County, Pennsylvania", "HAS_TO_ITS_WEST", "Franklin County, Pennsylvania" ], [ "Adams County, Pennsylvania", "HAS_TO_ITS_SOUTHEAST", "Carroll County, Maryland" ], [ "Adams County, Pennsylvania", "HAS_TO_ITS_NORTH", "Cumberland County, Pennsylvania" ], [ "Adams County, Pennsylvania", "HAS_TO_ITS_SOUTHWEST", "Frederick County, Maryland" ], [ "11th Mississippi Infantry Monument", "CATEGORY", "Contributing property" ], [ "11th Mississippi Infantry Monument", "LOCATION", "Adams County, Pennsylvania" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The location of the 11th Mississippi Infantry Monument is in Adams County, Pennsylvania. which has Franklin County to the west and Carroll County Maryland to the southeast. Cumberland County lies to the north with Frederick County, Maryland to the southwest. The 11th Mississippi Infantry Monument is a contributing property." }, { "source": "webnlg", "text": "Adams County, Pennsylvania is located to the south of Cumberland County, Pennsylvania, to the east of Franklin County, Pennsylvania, to the northeast of Frederick County, Maryland, and to the northwest of Carroll County, Maryland. The 11th Mississippi Infantry Monument, which is classified as a Contributing property, is located in Adams County." } ] }, { "tripleset": [ [ "Azerbaijan", "LEADER", "Artur Rasizade" ], [ "Azerbaijan", "CAPITAL", "Baku" ], [ "Baku Turkish Martyrs' Memorial", "MATERIAL", "\"Red granite and white marble\"" ], [ "Baku Turkish Martyrs' Memorial", "DEDICATED_TO", "\"Ottoman Army soldiers killed in the Battle of Baku\"" ], [ "Baku Turkish Martyrs' Memorial", "LOCATION", "Azerbaijan" ], [ "Baku Turkish Martyrs' Memorial", "DESIGNER", "\"H\u00fcseyin B\u00fct\u00fcner and Hilmi G\u00fcner\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Baku is the capital of Azerbaijan which has Artur Rasizade as its leader. The country is the location of the Baku Turkish Martyrs Memorial, designed in red granite and white marble by Huseyin Butuner and Hilmi Guner. The memorial is dedicated to the Ottoman army soldiers killed in the Battle of Baku." }, { "source": "webnlg", "text": "Baku Turkish Martyrs' Memorial (designed by Huseyin Butuner and Hilmi Guner) is dedicated to the Ottoman Army soldiers killed in the Battle of Baku and is made of red granite and white marble. The memorial is located in Baku, the capital of Azerbaijan. Artur Rasizade was an Azerbaijan leader." }, { "source": "webnlg", "text": "The Baku Turkish Martyrs Memorial in Azerbaijan is dedicated to Ottoman Army soldiers killed in the Battle of Baku. It was designed by H\u00fcseyin B\u00fct\u00fcner and Hilmi G\u00fcner, and constructed from red granite and white marble. Baku is the capital of Azerbaijan, a country whose leaders include Artur Rasizade." } ] }, { "tripleset": [ [ "Baku Turkish Martyrs' Memorial", "MATERIAL", "\"Red granite and white marble\"" ], [ "Baku Turkish Martyrs' Memorial", "DEDICATED_TO", "\"Ottoman Army soldiers killed in the Battle of Baku\"" ], [ "Baku Turkish Martyrs' Memorial", "LOCATION", "Azerbaijan" ], [ "Baku Turkish Martyrs' Memorial", "NATIVE_NAME", "\"T\u00fcrk \u015eehitleri An\u0131t\u0131\"" ], [ "Azerbaijan", "LEADER_NAME", "Artur Rasizade" ], [ "Baku Turkish Martyrs' Memorial", "DESIGNER", "\"H\u00fcseyin B\u00fct\u00fcner and Hilmi G\u00fcner\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Baku Turkish Martyrs' Memorial (designed by Huseyin Butuner and Hilmi Guner) is located in Baku, Azerbaijan. It is made from red granite and white marble. It is dedicated to the Ottoman Army Soldiers killed in the Battle of Baku. The native name for the memorial is T\u00fcrk \u015eehitleri An\u0131t\u0131. The leader of Azerbaijan is Artur Rasizade." }, { "source": "webnlg", "text": "The Turkish leader is Artur Rasizade. Huseyin Butuner and Hilmi Guner designed the red granite and white marble Baku Turkish Martyrs Memorial, also known as Turk Sehitleri Aniti, in Azerbaijan. The memorial is dedicated to the soldiers who fell in the Battle of Baku." } ] }, { "tripleset": [ [ "Monocacy National Battlefield", "LOCATION", "Frederick County, Maryland" ], [ "14th New Jersey Volunteer Infantry Monument", "ESTABLISHED", "\"1907-07-11\"" ], [ "14th New Jersey Volunteer Infantry Monument", "COUNTRY", "\"United States\"" ], [ "14th New Jersey Volunteer Infantry Monument", "CATEGORY", "Historic districts in the United States" ], [ "14th New Jersey Volunteer Infantry Monument", "DISTRICT", "Monocacy National Battlefield" ], [ "14th New Jersey Volunteer Infantry Monument", "STATE", "\"Maryland\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The U.S.A.'s 14th New Jersey Volunteer Infantry Monument in Frederick County, Maryland is in the Monocacy National Battlefield. It's in a historic district and was established om July 11th, 1907." }, { "source": "webnlg", "text": "The 14th New Jersey Volunteer Infantry Monument is located on the Monocacy National Battlefield, Frederick, Maryland. The monument was established in 1907-07-11 and is categorised as a historic district in the United States." }, { "source": "webnlg", "text": "The 14th New Jersey Volunteer Infantry Monument is located in Frederick County, Maryland, USA. Established on July 11, 1907, and situated on the Monocacy National Battlefield, the monument is categorized as a Historic district in the United States." } ] }, { "tripleset": [ [ "Alan Bean", "NATIONALITY", "United States" ], [ "Alan Bean", "OCCUPATION", "Test pilot" ], [ "Alan Bean", "DATE_OF_BIRTH", "\"1932-03-15\"" ], [ "Alan Bean", "BIRTH_PLACE", "Wheeler, Texas" ], [ "Alan Bean", "TIME_IN_SPACE", "\"100305.0\"(minutes)" ], [ "Alan Bean", "STATUS", "\"Retired\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alan Bean is an American born on March 15, 1932 in Wheeler, Texas. He was a test pilot and spent a total of 100305 minutes in space. He is now retired." }, { "source": "webnlg", "text": "Alan Bean (born 15th of March 1932 in Wheeler, Texas) served as a test pilot. He was in space for 70 days and is now retired." }, { "source": "webnlg", "text": "Alan Bean was an American test pilot who was born in Wheeler, Texas on Mar 15, 1932. He spent 100305.0 minutes in space. He is retired." } ] }, { "tripleset": [ [ "Alan Shepard", "WAS_A_CREW_MEMBER_OF", "Apollo 14" ], [ "Distinguished Service Medal (United States Navy)", "HIGHER", "Department of Commerce Gold Medal" ], [ "Alan Shepard", "DEATH_PLACE", "California" ], [ "Alan Shepard", "BIRTH_PLACE", "New Hampshire" ], [ "Apollo 14", "OPERATOR", "NASA" ], [ "Alan Shepard", "AWARD", "Distinguished Service Medal (United States Navy)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alan Shepard was born in New Hampshire and died in California. He was a crew member of Apollo 14 which is operated by NASA. He was awarded the Distinguished Service Medal in the US Navy, which is higher than the Dept of Commerce Gold Medal." }, { "source": "webnlg", "text": "Alan Shepard was born in New Hampshire and died in California. He was a crew member of the Apollo 14, which was operated by NASA. The United States Navy awarded the Distinguished Service Medal to Alan Shepard, which ranks higher than Department of Commerce Gold Medal." }, { "source": "webnlg", "text": "Alan Shepard, who was born in New Hampshire, died in California and was a crewmember of Apollo 14 operated by NASA, was awarded the United States Navy Distinguished Service Medal. The Distinguished Service Medal is higher than the Department Of Commerce Gold Medal." } ] }, { "tripleset": [ [ "Apollo 12", "BACKUP_PILOT", "Alfred Worden" ], [ "Alan Bean", "WAS_A_CREW_MEMBER_OF", "Apollo 12" ], [ "Apollo 12", "OPERATOR", "NASA" ], [ "Alan Bean", "DATE_OF_RETIREMENT", "\"June 1981\"" ], [ "Apollo 12", "COMMANDER", "David Scott" ], [ "Alan Bean", "BIRTH_NAME", "\"Alan LaVern Bean\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Apollo 12 was operated by NASA. It had many crew members, including: its backup pilot, Alfred Worden; its crew member Alan Bean (Alan LaVern Bean, retired June 1981) and David Scott, who was the commander." }, { "source": "webnlg", "text": "Alan Bean, born Alan LaVern Bean was a crew member aboard NASA's Apollo 12. He retired in 1981. David Scott commanded Apollo 12 and Alfred Worden was the backup pilot." } ] }, { "tripleset": [ [ "Buzz Aldrin", "BIRTH_PLACE", "Glen Ridge, New Jersey" ], [ "Buzz Aldrin", "NATIONALITY", "United States" ], [ "Buzz Aldrin", "WAS_SELECTED_BY_NASA", "1963" ], [ "Buzz Aldrin", "WAS_A_CREW_MEMBER_OF", "Apollo 11" ], [ "Buzz Aldrin", "OCCUPATION", "Fighter pilot" ], [ "Buzz Aldrin", "ALMA_MATER", "\"Massachusetts Institute of Technology, Sc.D. 1963\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Buzz Aldrin was an American fighter pilot who was born in Glen Ridge, New Jersey. In 1963, he graduated from Massachusetts Institute of Technology, Sc.D. 1963 and was selected by NASA to be part of the Apollo 11 crew." }, { "source": "webnlg", "text": "US national Buzz Aldrin, a fighter pilot born in Glen Ridge, NJ, graduated from Massachusetts Institute of Technology, Sc.D. 1963 and went on to become a crew member on Apollo 11 after being recruited by NASA in 1963." }, { "source": "webnlg", "text": "The crew on Apollo 11 included American Buzz Aldrin. He was born in Glen Ridge, New Jersey, and went on to serve as a fighter pilot before graduating from MIT with a Sc. D in 1963. In that same year he was selected to work for NASA." } ] }, { "tripleset": [ [ "Buzz Aldrin", "BIRTH_PLACE", "Glen Ridge, New Jersey" ], [ "Buzz Aldrin", "WAS_A_CREW_MEMBER_OF", "Apollo 11" ], [ "Buzz Aldrin", "DATE_OF_BIRTH", "\"1930-01-20\"" ], [ "Buzz Aldrin", "ALMA_MATER", "\"Massachusetts Institute of Technology, Sc.D. 1963\"" ], [ "Apollo 11", "BACKUP_PILOT", "William Anders" ], [ "Apollo 11", "OPERATOR", "NASA" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Buzz Aldrin was born on 20th January 1930 in Glen Ridge New Jersey. He graduated from MIT in 1963 and was a member of the Apollo 11 crew, operated by NASA. The back up pilot was William Anders." }, { "source": "webnlg", "text": "Buzz Aldrin was born January 20, 1930 in Glen Ridge, New Jersey. He graduated from M.I.T. with a Sc.D in 1963, and served as a crew member aboard NASA's Apollo 11, William Anders was a backup pilot on the same mission." } ] }, { "tripleset": [ [ "Buzz Aldrin", "BIRTH_PLACE", "Glen Ridge, New Jersey" ], [ "Buzz Aldrin", "WAS_A_CREW_MEMBER_OF", "Apollo 11" ], [ "Buzz Aldrin", "NATIONALITY", "United States" ], [ "Buzz Aldrin", "OCCUPATION", "Fighter pilot" ], [ "Apollo 11", "BACKUP_PILOT", "William Anders" ], [ "Apollo 11", "OPERATOR", "NASA" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Buzz Aldrin was an American born in Glen Ridge New Jersey. He was a fighter pilot and a member of the Apollo 11 crew. William Anders was the backup pilot and the mission was operated by NASA." }, { "source": "webnlg", "text": "Buzz Aldrin was originally from Glen Ridge, New Jersey. He worked as a fighter pilot for NASA and became a member of the Apollo 11 mission along with William Anders as backup pilot." } ] }, { "tripleset": [ [ "Buzz Aldrin", "BIRTH_PLACE", "Glen Ridge, New Jersey" ], [ "Buzz Aldrin", "WAS_SELECTED_BY_NASA", "1963" ], [ "Buzz Aldrin", "WAS_A_CREW_MEMBER_OF", "Apollo 11" ], [ "Buzz Aldrin", "OCCUPATION", "Fighter pilot" ], [ "Buzz Aldrin", "ALMA_MATER", "\"Massachusetts Institute of Technology, Sc.D. 1963\"" ], [ "Buzz Aldrin", "DATE_OF_BIRTH", "\"1930-01-20\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Buzz Aldrin was born on January 20, 1930 in Glen Ridge, New Jersey.He graduated from MIT with a Sc. D in 1963, in the same year when he was selected by NASA.Buzz was a member of the Apollo 11 crew as a fighter pilot." } ] }, { "tripleset": [ [ "California", "GEMSTONE", "Benitoite" ], [ "California", "FOSSIL", "Smilodon" ], [ "Distinguished Service Medal (United States Navy)", "HIGHER", "Department of Commerce Gold Medal" ], [ "Alan Shepard", "DEATH_PLACE", "California" ], [ "California", "SENATORS", "Dianne Feinstein" ], [ "Alan Shepard", "AWARD", "Distinguished Service Medal (United States Navy)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Many interesting facts can be found about California: Alan Shepard -recipient of the United States Navy Distinguished Service Medal (ranked higher than the Department of Commerce Gold Medal) - passed away in this state. It is also the finding place of the Smilodon fossil and home to the gemstone Benitoite. One of California's senators is Dianne Feinstein." }, { "source": "webnlg", "text": "Alan Shepard died in California where Dianne Feinstein is a Senator and one can find the gemstone Benitoite and fossils of the Smilodon. He once received the Distinguished Service Medal from the U.S. Navy which ranks higher than Department of Commerce Gold Medal." } ] }, { "tripleset": [ [ "William Anders", "DATE_OF_RETIREMENT", "\"1969-09-01\"" ], [ "William Anders", "NATIONALITY", "United States" ], [ "William Anders", "OCCUPATION", "Fighter pilot" ], [ "William Anders", "BIRTH_PLACE", "British Hong Kong" ], [ "William Anders", "WAS_A_CREW_MEMBER_OF", "Apollo 8" ], [ "William Anders", "ALMA_MATER", "\"AFIT, M.S. 1962\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "William Anders is a US citizen, who was born in British Hong Kong and graduated from AFIT, M.S. in 1962. He is a retired test pilot, retiring on 1.09.1969. He was a crew member on Apollo 8." }, { "source": "webnlg", "text": "American William Anders was born in in British Hong Kong, was a test pilot, graduated from AFIT, M.S. in 1962, was a member of Apollo 8's crew and retired on 1st September 1969." }, { "source": "webnlg", "text": "William Anders is an American fighter pilot who was born in British Hong Kong. He graduated, with an M.S., from AFIT in 1962. He served as a crew member on Apollo 8. He retired on 1969-09-01." } ] }, { "tripleset": [ [ "William Anders", "DATE_OF_RETIREMENT", "\"1969-09-01\"" ], [ "William Anders", "WAS_A_CREW_MEMBER_OF", "Apollo 8" ], [ "William Anders", "BIRTH_PLACE", "British Hong Kong" ], [ "Apollo 8", "BACKUP_PILOT", "Buzz Aldrin" ], [ "Apollo 8", "CREW_MEMBERS", "Frank Borman" ], [ "Apollo 8", "OPERATOR", "NASA" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "William Anders was born in British Hong Kong and served as a crew member on Apollo 8 along with Frank Borman. NASA operated Apollo 8, where Buzz Aldrin was a back up pilot. Anders retired on Sept 1, 1969." }, { "source": "webnlg", "text": "William Anders who is originally from Hong Kong worked for NASA and became a crew member for Apollo 8 along with Buzz Aldrin and Frank Borman. He retired on September 1st 1969." } ] }, { "tripleset": [ [ "William Anders", "WAS_A_CREW_MEMBER_OF", "Apollo 8" ], [ "William Anders", "ALMA_MATER", "\"AFIT, M.S. 1962\"" ], [ "Apollo 8", "BACKUP_PILOT", "Buzz Aldrin" ], [ "Apollo 8", "CREW_MEMBERS", "Frank Borman" ], [ "Apollo 8", "OPERATOR", "NASA" ], [ "William Anders", "STATUS", "\"Retired\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "William Anders, retired, was a member of NASA's Apollo 8 after graduating from AFIT in 1962 with an MS. Buzz Aldrin was a back up pilot and Frank Borman a crew member." }, { "source": "webnlg", "text": "William Anders who graduated from AFIT in 1962 worked for NASA and became a crew member of the Apollo 8 crew along with Frank Borman and Buzz Aldrin as backup pilot. Mr Anders is now retired." } ] }, { "tripleset": [ [ "Accademia di Architettura di Mendrisio", "COUNTRY", "Switzerland" ], [ "Accademia di Architettura di Mendrisio", "DEAN", "Mario Botta" ], [ "Accademia di Architettura di Mendrisio", "CITY", "Mendrisio" ], [ "Accademia di Architettura di Mendrisio", "ESTABLISHED", "1996" ], [ "Accademia di Architettura di Mendrisio", "ACADEMIC_STAFF_SIZE", "100" ], [ "Accademia di Architettura di Mendrisio", "LOCATION", "Ticino" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Accademia di Architettura di Mendrisio in Mendrisio, Switzerland has 100 employees, was established in 1996 and is overseen by Dean Mario Botta. The school's location is Ticino." }, { "source": "webnlg", "text": "The Accademia di Architettura di Mendrisio in Mendrisio, Ticino Switzerland was established in 1996 and currently has 100 staff. The dean of the academy is Mario Botta." }, { "source": "webnlg", "text": "The Accademia Di Architettura di Mendrisio is located in the city of Mendrisio, region Ticino in Switzerland. It was founded in 1996 and the dean is Mario Botta. There is currently 100 members of staff." } ] }, { "tripleset": [ [ "Acharya Institute of Technology", "CITY", "Bangalore" ], [ "Acharya Institute of Technology", "STATE", "Karnataka" ], [ "Acharya Institute of Technology", "COUNTRY", "\"India\"" ], [ "Acharya Institute of Technology", "NUMBER_OF_POSTGRADUATE_STUDENTS", "700" ], [ "Acharya Institute of Technology", "CAMPUS", "\"In Soldevanahalli, Acharya Dr. Sarvapalli Radhakrishnan Road, Hessarghatta Main Road, Bangalore \u2013 560090.\"" ], [ "Acharya Institute of Technology", "AFFILIATION", "Visvesvaraya Technological University" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Acharya Institute of Technology's campus is located in Soldevanahalli, Acharya Dr. Sarvapalli Radhakrishnan Road, Hessarghatta Main Road, Karnataka, Bangalore - 560090, India. It has 700 postgraduate students and it is affiliated with the Visvesvaraya Technological University." }, { "source": "webnlg", "text": "The Acharya Institute of Technology in the city of Bangalore, Kerala, India has 700 postgraduate students and is affiliated to the Visvesvaraya Technological University and has B M Reddy as President . The campus is located at In Soldevanahalli, Acharya Dr. Sarvapalli Radhakrishnan Road, Hessarghatta Main Road, Bangalore \u2013 560090." }, { "source": "webnlg", "text": "The Acharya Institute of Technology is located in Bangalore in the state of Karnataka in India. It is home to 700 postgraduate students and has connections with the Visvesvaraya Technological University. The exact location for the Institute is \"In Soldevanahalli, Acharya Dr. Sarvapalli Radhakrishnan Road, Hessarghatta Main Road, Bangalore- 560090.\"." } ] }, { "tripleset": [ [ "Acharya Institute of Technology", "PRESIDENT", "\"B.M. Reddy\"" ], [ "Acharya Institute of Technology", "CITY", "Bangalore" ], [ "Acharya Institute of Technology", "ESTABLISHED", "2000" ], [ "Acharya Institute of Technology", "COUNTRY", "\"India\"" ], [ "Acharya Institute of Technology", "CAMPUS", "\"In Soldevanahalli, Acharya Dr. Sarvapalli Radhakrishnan Road, Hessarghatta Main Road, Bangalore \u2013 560090.\"" ], [ "Acharya Institute of Technology", "AFFILIATION", "Visvesvaraya Technological University" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Acharya Institute of Technology in Bangalore, India was established in 2000 and its president is B.M. Reddy. The school is affiliated with the Visvesvaraya Technological University and its full address is In Soldevanahalli, Acharya Dr. Sarvapalli Radhakrishnan Road, Hessarghatta Main Road, Bangalore \u2013 560090." }, { "source": "webnlg", "text": "Established in 2000, the Acharya Institute of Technology is in Bangalore, India. The institute's president is B.M. Reddy and it is affiliated with the Visvesvaraya Technological University. The campus is located in Soldevanahalli, Acharya Dr. Sarvapalli Radhakrishnan Road, Hessarghatta Main Road, Bangalore \u2013 560090." } ] }, { "tripleset": [ [ "Denmark", "LEADER_NAME", "Lars L\u00f8kke Rasmussen" ], [ "European University Association", "HEADQUARTERS", "Brussels" ], [ "School of Business and Social Sciences at the Aarhus University", "COUNTRY", "Denmark" ], [ "Denmark", "LEADER_TITLE", "Monarchy of Denmark" ], [ "School of Business and Social Sciences at the Aarhus University", "AFFILIATION", "European University Association" ], [ "Denmark", "RELIGION", "Church of Denmark" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The School of Business and Social Sciences at the Aarhus Universuty in Denmark is affiliated with the European University Association, which has its HQ in Brussels. Denmark has a monarch; its religion is the Church of Denmark and its leader is Lars Lokke Rasmussen." } ] }, { "tripleset": [ [ "Denmark", "LEADER_NAME", "Lars L\u00f8kke Rasmussen" ], [ "School of Business and Social Sciences at the Aarhus University", "DEAN", "\"Thomas Pallesen\"" ], [ "School of Business and Social Sciences at the Aarhus University", "CITY", "Aarhus" ], [ "European University Association", "HEADQUARTERS", "Brussels" ], [ "School of Business and Social Sciences at the Aarhus University", "COUNTRY", "Denmark" ], [ "School of Business and Social Sciences at the Aarhus University", "AFFILIATION", "European University Association" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The School of Business and Social Sciences at Aarhus University, in Aarhus Denmark is affiliated with the European University Association which is headquartered in Brussels. The school's dean is Thomas Pallesen and the country is led by Lars L\u00f8kke Rasmussen." }, { "source": "webnlg", "text": "The School of Business and Social Sciences at the Aarhus University (dean Thomas Pallesen) is located in the city of Aarhus, Denmark and is affiliated with the European University Association which has its headquarters in Brussels. Denmark's leader is Lars L\u00f8kke Rasmussen." } ] }, { "tripleset": [ [ "India", "LARGEST_CITY", "Mumbai" ], [ "AWH Engineering College", "COUNTRY", "India" ], [ "AWH Engineering College", "ESTABLISHED", "2001" ], [ "Kerala", "LEADER_NAME", "Kochi" ], [ "AWH Engineering College", "STATE", "Kerala" ], [ "India", "RIVER", "Ganges" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The AWH Engineering College in Kerala, India was established in 2001. The Ganges is a river in India and its largest city is Mumbai. The leader of Kerala is Kochi." }, { "source": "webnlg", "text": "The River Ganges flows through India where the largest city is Mumbai. The AWH Engineering College was established in 2001 in the state of Kerala which is led by Kochi." }, { "source": "webnlg", "text": "Established in 2001, the AWH Engineering College is in Kerala, India. The leader of Kerala is Kochi, and the country's largest city is Mumbai, A famous river in the country is the Ganges." } ] }, { "tripleset": [ [ "Romania", "ETHNIC_GROUP", "Germans of Romania" ], [ "Romania", "LEADER_NAME", "Klaus Iohannis" ], [ "Romania", "PATRON_SAINT", "Andrew the Apostle" ], [ "Romania", "CAPITAL", "Bucharest" ], [ "1 Decembrie 1918 University", "COUNTRY", "Romania" ], [ "Romania", "ANTHEM", "De\u0219teapt\u0103-te, rom\u00e2ne!" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The 1 Decembrie 1918 University is located in Romania. Romania's capital is Bucharest; its leader is Klaus Iohannis and its patron saint is Andrew the Apostle. The ethnic group is the Germans of Romania and the anthem is Desteapta-te, romane!" }, { "source": "webnlg", "text": "1 Decembrie 1918 University is in Romania which is led by Klaus Iohannis and has Bucharest as its capital. Roman's anthem is De\u0219teapt\u0103-te, rom\u00e2ne, its patron saint is Andrew the Apostle and its ethnic group are the Germans of Romania." }, { "source": "webnlg", "text": "The 1 Decembrie 1918 University is in Romania. The country's capital is Bucharest and the leader is Klaus Iohannis. Ethnically the country is largely Germanic, it's patron saint is Andrew the Apostle and the national anthem is De\u0219teapt\u0103-te, rom\u00e2ne!" } ] }, { "tripleset": [ [ "School of Business and Social Sciences at the Aarhus University", "ACADEMIC_STAFF_SIZE", "737" ], [ "Denmark", "LEADER_NAME", "Lars L\u00f8kke Rasmussen" ], [ "School of Business and Social Sciences at the Aarhus University", "CITY", "Aarhus" ], [ "School of Business and Social Sciences at the Aarhus University", "NUMBER_OF_STUDENTS", "16000" ], [ "School of Business and Social Sciences at the Aarhus University", "COUNTRY", "Denmark" ], [ "School of Business and Social Sciences at the Aarhus University", "ESTABLISHED", "1928" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The School of Business and Social Sciences at the Aarhus University in Aarhus, Denmark was established in 1928. It has 16,000 students and 737 academic staff. The leader of Denmark is Lars Lokke Rasmussen." }, { "source": "webnlg", "text": "Denmark, which is led by Lars Lokke Rasmussen is the location of the School of Business and Social Sciences at the Aarhus University in the city of Aarhus. The School was established in 1928 and has 16000 students and an academic staff of 737." }, { "source": "webnlg", "text": "School of Business and Social Sciences at the Aarhus University is located in Aarhus, Denmark (which leader is Lars L\u00f8kke Rasmussen). It was established in 1928 and has 16000 students and 737 academic staff." } ] }, { "tripleset": [ [ "Turkey", "LEADER_NAME", "Ahmet Davuto\u011flu" ], [ "Turkey", "CAPITAL", "Ankara" ], [ "Turkey", "LARGEST_CITY", "Istanbul" ], [ "Atat\u00fcrk Monument (\u0130zmir)", "MATERIAL", "\"Bronze\"" ], [ "Turkey", "CURRENCY", "Turkish lira" ], [ "Atat\u00fcrk Monument (\u0130zmir)", "INAUGURATION_DATE", "\"1932-07-27\"" ], [ "Atat\u00fcrk Monument (\u0130zmir)", "LOCATION", "Turkey" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The lira is the official currency of Turkey where Ahmet Davutoglu is the leader. Although the largest city is Istanbul the capital city is Ankara. The country is the location of the bronze Ataturk in Izmir which was inaugurated on 27 July 1932." }, { "source": "webnlg", "text": "The Atat\u00fcrk Monument is a bronze monument inaugurated on 27th July, 1932, in Izmir. It is found in Turkey, a country which has Ankara as its capital and Istanbul as its largest city. The leader of Turkey is called Ahmet Davuto\u011flu, and the currency is the Turkish lira." }, { "source": "webnlg", "text": "The leader of Turkey is Ahmet Davutoglu and although Istanbul is the largest city in Turkey the capital is Ankara. The country's currency is the Turkish lira. The country is the location of the bronze Ataturk monument at Izmir which was inaugurated on 27 July 1932." } ] }, { "tripleset": [ [ "Turkey", "LEADER_TITLE", "President of Turkey" ], [ "Turkey", "LEADER", "Ahmet Davuto\u011flu" ], [ "Atat\u00fcrk Monument (\u0130zmir)", "DESIGNER", "Pietro Canonica" ], [ "Turkey", "CAPITAL", "Ankara" ], [ "Atat\u00fcrk Monument (\u0130zmir)", "MATERIAL", "\"Bronze\"" ], [ "Atat\u00fcrk Monument (\u0130zmir)", "INAUGURATION_DATE", "\"1932-07-27\"" ], [ "Atat\u00fcrk Monument (\u0130zmir)", "LOCATION", "Turkey" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Ataturk Monument is a bronze monument designed by Pietro Canonica, and inaugurated on July 27th, 1932. It is located in Izmir, in Turkey, a country where the capital is Ankara, and the leader is the President of Turkey, Ahmet Davutoglu." }, { "source": "webnlg", "text": "President Ahmet Davutoglu is the Turkish leader where the capital city is Ankara. The bronze Ataturk Monument which was designed by Pietro Canonica is located in Izmir and was inaugurated on 27 July 1932." }, { "source": "webnlg", "text": "The Ataturk Monument (Izmir) was designed by Pietro Canonica, made of bronze, and was inaugurated on July 27, 1932. It is located in Turkey, who's capital city is Ankara, and official leader is President Ahmet Davutoglu,." } ] }, { "tripleset": [ [ "Turkey", "LEADER_TITLE", "President of Turkey" ], [ "Turkey", "LEADER_NAME", "Ahmet Davuto\u011flu" ], [ "Turkey", "CAPITAL", "Ankara" ], [ "Turkey", "LARGEST_CITY", "Istanbul" ], [ "Turkey", "CURRENCY", "Turkish lira" ], [ "Atat\u00fcrk Monument (\u0130zmir)", "INAUGURATION_DATE", "\"1932-07-27\"" ], [ "Atat\u00fcrk Monument (\u0130zmir)", "LOCATION", "Turkey" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Inaugurated on the 27th of July, 1932, The Ataturk Monument (Izmir) is located in Turkey. The largest city is Istanbul, and the capital is Ankara. The country's president is Ahmet Davutoglu, and the currency is the Turkish Lira." }, { "source": "webnlg", "text": "President Ahmet Davutoglu is the leader of Turkey which has the currency of the Turkish lira. The capital city is Ankara although the largest city is Istanbul. The Ataturk monument was inaugurated on 27 July 1932 and is located in Izmir." }, { "source": "webnlg", "text": "President Ahmet Davutoglu is the leader of Turkey which has the currency of the Turkish lira. Although the largest city is Istanbul, the capital city is Ankara. The Ataturk monument is located in Izmir where it was inaugurated on 27 July 1932." } ] }, { "tripleset": [ [ "Accademia di Architettura di Mendrisio", "COUNTRY", "Switzerland" ], [ "Accademia di Architettura di Mendrisio", "DEAN", "Mario Botta" ], [ "Accademia di Architettura di Mendrisio", "NUMBER_OF_STUDENTS", "600" ], [ "Accademia di Architettura di Mendrisio", "ESTABLISHED", "1996" ], [ "Accademia di Architettura di Mendrisio", "ACADEMIC_STAFF_SIZE", "100" ], [ "Accademia di Architettura di Mendrisio", "CITY", "Mendrisio" ], [ "Switzerland", "LEADER_TITLE", "Federal Chancellor of Switzerland" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Switzerland is led by the Federal Chancellor and is the location of the Accademia di Architettura di Mendrisio in the city of Mendrisio. The Accademia was established in 1996 and is led by the Dean, Mario Botta. There are 700 students and 100 academic staff." }, { "source": "webnlg", "text": "The Accademia di Architettura di Mendrisio is located in Mendrisio, Switzerland. It was established in 1996 and its dean is Mario Botta. It has 100 academic staff and 600 students. Switzerland's leader is the Federal Chancellor." }, { "source": "webnlg", "text": "Accademia di Architettura di Mendrisio can be found in Mendrisio, Switzerland. The school was created in 1996, its dean is Mario Botta, it has 600 students and 100 employees. The country is led by a Federal Chancellor." } ] }, { "tripleset": [ [ "Acharya Institute of Technology", "PRESIDENT", "\"B.M. Reddy\"" ], [ "Acharya Institute of Technology", "CITY", "Bangalore" ], [ "Acharya Institute of Technology", "DIRECTED_BY", "\"Dr. G. P. Prabhukumar\"" ], [ "Acharya Institute of Technology", "ESTABLISHED", "2000" ], [ "Acharya Institute of Technology", "MOTTO", "\"Nurturing Excellence\"" ], [ "Acharya Institute of Technology", "COUNTRY", "\"India\"" ], [ "Acharya Institute of Technology", "STATE", "Karnataka" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Bangalore in the state of Karnataka, India is the location of the Acharya Institute of Technology established in the year 2000. The motto of the Institute is \"Nurturing Excellence\" , the Director is Dr G P Prabhukumar and the President is B M Reddy." }, { "source": "webnlg", "text": "The Acharya Institute of Technology whose motto is \"Nurturing Excellence\" was established in 2000 in Bangalore, Karnataka in India. It's president is B.M. Reddy and director is Dr. G. P. Prabhukumar." } ] }, { "tripleset": [ [ "Acharya Institute of Technology", "WAS_GIVEN_THE_'TECHNICAL_CAMPUS'_STATUS_BY", "All India Council for Technical Education" ], [ "All India Council for Technical Education", "LOCATION", "Mumbai" ], [ "Karnataka", "HAS_TO_ITS_NORTHEAST", "Telangana" ], [ "Acharya Institute of Technology", "SPORTS_OFFERED", "Tennis" ], [ "Karnataka", "HAS_TO_ITS_WEST", "Arabian Sea" ], [ "Acharya Institute of Technology", "STATE", "Karnataka" ], [ "Tennis", "SPORTS_GOVERNING_BODY", "International Tennis Federation" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Acharya Institute of Technology in Karnataka state was given Technical Campus status by All India Council for Technical Education in Mumbai. The school offers tennis which is governed by the International Tennis Federation. Karnataka has the Arabian Sea to its west and in the northeast is Telangana." }, { "source": "webnlg", "text": "The Acharya Institute of Technology is in Karnataka, which is southwest of Telangana and east of the Arabian Sea. The institute offers Tennis courses and is governed by the International Tennis Federation and was given the 'Technical Campus' status by the All India Council for Technical Education in Mumbai." }, { "source": "webnlg", "text": "All India Council for Technical Education, which is located in Mumbai, gave the Acharya Institute of Technology Technical Staus. The Acharya Institute of Technology is located in the state of Karnataka, which has Telangana to the northeast and the Arabian Sea to the east. The Acharya Institute of Technology offers the sport of tennis, which is governed by the International Tennis Federation." } ] }, { "tripleset": [ [ "Romania", "ETHNIC_GROUP", "Germans of Romania" ], [ "Romania", "LEADER_TITLE", "Prime Minister of Romania" ], [ "Alba Iulia", "COUNTRY", "Romania" ], [ "Romania", "LEADER_NAME", "Klaus Iohannis" ], [ "Romania", "CAPITAL", "Bucharest" ], [ "1 Decembrie 1918 University", "CITY", "Alba Iulia" ], [ "Romania", "ANTHEM", "De\u0219teapt\u0103-te, rom\u00e2ne!" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Germans of Romania are one of the ethnic groups in Romania which is led by Prime Minister Klaus Iohannis and has the anthem \"Desteapta-te , romane!\". The capital city of Romania is Bucharest but the 1 Decembrie 1918 University is located in the city of Alba Iulia." }, { "source": "webnlg", "text": "The 1 Decembrie 1918 University is in the city Alba Iulia in Romania. Klaus Iohannis the leader of Romania and they also have a Prime Minister. The Germans of Romania are the main ethnic group in Romania and the capital is Bucharest. The Romania anthem is De\u0219teapt\u0103-te, rom\u00e2ne!" } ] }, { "tripleset": [ [ "School of Business and Social Sciences at the Aarhus University", "ACADEMIC_STAFF_SIZE", "737" ], [ "Denmark", "LEADER_NAME", "Lars L\u00f8kke Rasmussen" ], [ "School of Business and Social Sciences at the Aarhus University", "DEAN", "\"Thomas Pallesen\"" ], [ "School of Business and Social Sciences at the Aarhus University", "CITY", "Aarhus" ], [ "School of Business and Social Sciences at the Aarhus University", "COUNTRY", "Denmark" ], [ "School of Business and Social Sciences at the Aarhus University", "AFFILIATION", "European University Association" ], [ "School of Business and Social Sciences at the Aarhus University", "ESTABLISHED", "1928" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The School of Business and Social Sciences at the Aarhus University in Aarhus, Denmark is affiliated with the European University Association. The school was created in 1928, has 737 employees and its dean is Thomas Pallesen. Denmark's leader is Lars L\u00f8kke Rasmussen." }, { "source": "webnlg", "text": "Established in 1928, the School of Business and Social Sciences at the Aarhus University in Aarus, Denmark has a staff of 737 and is affiliated with the European University Association. The dean is Thomas Pallesen. Denmark's leader is Lars L\u00f8kke Rasmussen." } ] }, { "tripleset": [ [ "School of Business and Social Sciences at the Aarhus University", "CITY", "Aarhus" ], [ "European University Association", "HEADQUARTERS", "Brussels" ], [ "School of Business and Social Sciences at the Aarhus University", "COUNTRY", "Denmark" ], [ "Denmark", "LEADER_TITLE", "Monarchy of Denmark" ], [ "Denmark", "LEADER_NAME", "Lars L\u00f8kke Rasmussen" ], [ "School of Business and Social Sciences at the Aarhus University", "AFFILIATION", "European University Association" ], [ "Aarhus", "GOVERNMENT_TYPE", "Magistrate" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Denmark is led by the Monarchy of Demark and the currente leader is Lars Lokke Rasmussen. The city of Aarhus has a magistrate type of government and is the location of the School of Business and Social Sciences at the Aarhus University in Denmark. The School is affiliated with the European University Association in Brussels." }, { "source": "webnlg", "text": "The School of Business and Social Sciences at the Aarhus University in Aarhus, Denmark is affiliated with the European University Association in Brussels. Denmark has a monarchy and a magistrate government. Its leader is Lars Lokke Rasmussen." }, { "source": "webnlg", "text": "The School of Business and Social Sciences at the Aarhus University in Aarhus, Denmark, is affiliated with the European University Association, whose headquarters can be found in Brussels. Denmark's leader, Lars Lokke Rasmussen, is known as the Monarchy of Denmark and the Aarhus government has a magistrate." } ] }, { "tripleset": [ [ "School of Business and Social Sciences at the Aarhus University", "CITY", "Aarhus" ], [ "School of Business and Social Sciences at the Aarhus University", "AFFILIATION", "European University Association" ], [ "School of Business and Social Sciences at the Aarhus University", "DEAN", "\"Thomas Pallesen\"" ], [ "School of Business and Social Sciences at the Aarhus University", "NUMBER_OF_STUDENTS", "16000" ], [ "School of Business and Social Sciences at the Aarhus University", "COUNTRY", "Denmark" ], [ "School of Business and Social Sciences at the Aarhus University", "LATIN_NAME", "\"Universitas Aarhusiensis\"" ], [ "School of Business and Social Sciences at the Aarhus University", "ESTABLISHED", "1928" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The School of Business and Social Sciences at the Aarhus University is located in Aarhus, Denmark and it was established in 1928. Its dean is Thomas Pallesen and it has 16,000 students. Its Latin name is \"Universitas Aarhusiensis\". It is affiliated to the European University Association." } ] }, { "tripleset": [ [ "Alan Bean", "NATIONALITY", "United States" ], [ "Alan Bean", "OCCUPATION", "Test pilot" ], [ "Alan Bean", "DATE_OF_BIRTH", "\"1932-03-15\"" ], [ "Alan Bean", "ALMA_MATER", "\"UT Austin, B.S. 1955\"" ], [ "Alan Bean", "WAS_A_CREW_MEMBER_OF", "Apollo 12" ], [ "Alan Bean", "BIRTH_PLACE", "Wheeler, Texas" ], [ "Alan Bean", "STATUS", "\"Retired\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alan Bean was born on March 15, 1932 in Wheeler, Texas and is American. He graduated from UT Austin with a BSc. in 1955. He worked as a test pilot and as a member of Apollo 12. Bean is retired." }, { "source": "webnlg", "text": "Alan Bean is an American born on March 15, 1932 in Wheeler, Texas. He graduated from UT Austin in 1955 with a BSc. Bean was a test pilot and a member of Apollo 12. He is retired." } ] }, { "tripleset": [ [ "Alan Shepard", "STATUS", "\"Deceased\"" ], [ "Alan Shepard", "ALMA_MATER", "\"NWC, M.A. 1957\"" ], [ "Alan Shepard", "DEATH_PLACE", "California" ], [ "Alan Shepard", "OCCUPATION", "Test pilot" ], [ "Alan Shepard", "BIRTH_PLACE", "New Hampshire" ], [ "Alan Shepard", "WAS_SELECTED_BY_NASA", "1959" ], [ "Alan Shepard", "DATE_OF_BIRTH", "\"1923-11-18\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alan Shepard was born in New Hampshire on November 18th, 1923. He graduated from NWC in 1957 with an M.A. He was selected by NASA in 1959 and he was a test pilot. He died in California." }, { "source": "webnlg", "text": "Alan Shepard,born on November 18, 1923,graduated from NWC in 1957 with an M.A. Alan Shepard served as a test pilot, and was selected by NASA in 1959.Alan Shepard, born in New Hampshire, died in California,." }, { "source": "webnlg", "text": "Alan Shepard has died in California. He was born on 18 November 1923 in New Hampshire and attended school at NWC, graduating in 1957 with an MA. He became a test pilot and was eventually selected by NASA in 1959." } ] }, { "tripleset": [ [ "Apollo 12", "BACKUP_PILOT", "Alfred Worden" ], [ "Alan Bean", "WAS_A_CREW_MEMBER_OF", "Apollo 12" ], [ "Alan Bean", "NATIONALITY", "United States" ], [ "Apollo 12", "OPERATOR", "NASA" ], [ "Alan Bean", "OCCUPATION", "Test pilot" ], [ "Apollo 12", "COMMANDER", "David Scott" ], [ "Alan Bean", "BIRTH_PLACE", "Wheeler, Texas" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alan Bean was born in Wheeler, Texas and is an American. He was a crew member of Apollo 12 and a test pilot which was operated by NASA. Apollo 12 was commanded by David Scott and Alfred Worden was the backup pilot." }, { "source": "webnlg", "text": "Alan Bean is a US national, who was born in Wheeler, Texas. He was a test pilot and part of the crew of the NASA operated Apollo 12. Apollo 12 was commanded by David Scott, and had Alfred Worden as a backup pilot." }, { "source": "webnlg", "text": "Alan Bean is a US national, who was born in Wheeler, Texas. He served as a test pilot and was part of the crew of NASA operated Apollo 12. Other crew of Apollo 12 included Alfred Worden (back up pilot) and David Scott (commander)." } ] }, { "tripleset": [ [ "Buzz Aldrin", "BIRTH_PLACE", "Glen Ridge, New Jersey" ], [ "Buzz Aldrin", "ALTERNATIVE_NAMES", "\"Edwin E. Aldrin, Jr.\"" ], [ "Buzz Aldrin", "WAS_SELECTED_BY_NASA", "1963" ], [ "Buzz Aldrin", "WAS_A_CREW_MEMBER_OF", "Apollo 11" ], [ "Buzz Aldrin", "OCCUPATION", "Fighter pilot" ], [ "Buzz Aldrin", "ALMA_MATER", "\"Massachusetts Institute of Technology, Sc.D. 1963\"" ], [ "Buzz Aldrin", "DATE_OF_BIRTH", "\"1930-01-20\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Edwin E. Aldrin, Jr. was better known by his nickname of Buzz Aldrin and as a test pilot he was picked to crew Apollo 11 by NASA in 1963. Aldrin was born in Glen Ridge, New Jersey on January 20th,1930 and in 1963 he graduated from MIT with a Sc. D." }, { "source": "webnlg", "text": "Edwin E. Aldrin, Jr. was better known as Buzz Aldrin, a fighter pilot and member of Apollo 11 after NASA picked him for the space program in 1963. Aldrin was born on January 20th, 1930 in Glen Ridge, New Jersey and a graduate of MIT's Sc. D. program in 1963." }, { "source": "webnlg", "text": "Edwin E. \"Buzz\" Aldrin Jr was a Fighter pilot who was born in Glen Ridge, New Jersey on 1930 01 20. In 1963, he graduated from Massachusetts Institute of Technology in 1963 with a doctorate in Science and was selected by NASA to be part of their Apollo 11 crew." } ] }, { "tripleset": [ [ "Buzz Aldrin", "BIRTH_PLACE", "Glen Ridge, New Jersey" ], [ "Buzz Aldrin", "NATIONALITY", "United States" ], [ "Buzz Aldrin", "TIME_IN_SPACE", "\"52.0\"(minutes)" ], [ "Buzz Aldrin", "WAS_A_CREW_MEMBER_OF", "Apollo 11" ], [ "Buzz Aldrin", "OCCUPATION", "Fighter pilot" ], [ "Buzz Aldrin", "ALMA_MATER", "\"Massachusetts Institute of Technology, Sc.D. 1963\"" ], [ "Buzz Aldrin", "DATE_OF_BIRTH", "\"1930-01-20\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "American Buzz Aldrin was a fighter pilot who later joined the Apollo 11 program where he spent 52 minutes in space. Aldrin was born January 20th, 1930 in Glen Ridge, New Jersey and in 1963 he graduated from MIT with a Sc. D." }, { "source": "webnlg", "text": "Buzz Aldrin was an American, who was born in Glen Ridge, New Jersey on the 20th January, 1930. He graduated from MIT with an Sc.D in 1963. He was a fighter pilot and member of the Apollo 11 crew. He walked in space for 52 minutes." }, { "source": "webnlg", "text": "Buzz Aldrin was born on January 20, 1930 in Glen Ridge, New Jersey. He graduated from MIT with A sc. D 1n 1963; served as a fighter pilot, and was a member of the Apollo 11 crew. He spent 52 minutes in space." } ] }, { "tripleset": [ [ "Buzz Aldrin", "BIRTH_PLACE", "Glen Ridge, New Jersey" ], [ "Buzz Aldrin", "NATIONALITY", "United States" ], [ "Buzz Aldrin", "WAS_A_CREW_MEMBER_OF", "Apollo 11" ], [ "Buzz Aldrin", "AWARD", "20" ], [ "Buzz Aldrin", "ALMA_MATER", "\"Massachusetts Institute of Technology, Sc.D. 1963\"" ], [ "Buzz Aldrin", "DATE_OF_BIRTH", "\"1930-01-20\"" ], [ "Buzz Aldrin", "STATUS", "\"Retired\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Buzz Aldrin is a US national, who was born in Glen Ridge, New Jersey on the 20th January 1930. He graduated from MIT with a Sc.D in 1963. He was a member of the Apollo Crew and received 20 awards. He is now retired." }, { "source": "webnlg", "text": "Buzz Aldrin is a US national born on 1930 01 20 in Glen Ridge, New Jersey. He graduated in 1963 from MIT with a Sc.D, was a member of the Apollo 11 crew and has won 20 awards. Buzz Aldrin is now retired." } ] }, { "tripleset": [ [ "Buzz Aldrin", "BIRTH_PLACE", "Glen Ridge, New Jersey" ], [ "Buzz Aldrin", "WAS_A_CREW_MEMBER_OF", "Apollo 11" ], [ "Buzz Aldrin", "STATUS", "\"Retired\"" ], [ "Buzz Aldrin", "DATE_OF_BIRTH", "\"1930-01-20\"" ], [ "Buzz Aldrin", "NATIONALITY", "United States" ], [ "Buzz Aldrin", "WAS_SELECTED_BY_NASA", "1963" ], [ "Apollo 11", "OPERATOR", "NASA" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Buzz Aldrin, a US national, was born on 20 January 1930 in Glen Ridge, New Jersey. He has now retired after a career which included being selected in 1963 by NASA and serving on Apollo 11 as a member of the crew." }, { "source": "webnlg", "text": "Buzz Aldrin, a US national, has retired. He was born on 20 January 1930 in Glen Ridge, New Jersey. He was selected by NASA in 1963 to serve as crew member on the Apollo 11 program." } ] }, { "tripleset": [ [ "Buzz Aldrin", "BIRTH_PLACE", "Glen Ridge, New Jersey" ], [ "Buzz Aldrin", "WAS_A_CREW_MEMBER_OF", "Apollo 11" ], [ "Buzz Aldrin", "STATUS", "\"Retired\"" ], [ "Buzz Aldrin", "NATIONALITY", "United States" ], [ "Buzz Aldrin", "ALMA_MATER", "\"Massachusetts Institute of Technology, Sc.D. 1963\"" ], [ "Apollo 11", "BACKUP_PILOT", "William Anders" ], [ "Apollo 11", "OPERATOR", "NASA" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Buzz Aldrin is an American born in Glen Ridge, New Jersey. He was a member of Apollo 11, which was run by NASA and where William Anders was his backup pilot. He also graduated from MIT in 1963 with a Sc. D. Aldrin is retired." }, { "source": "webnlg", "text": "Buzz Aldrin was born in Glen Ridge, New Jersey. He graduated from MIT in 1963 with a Sc.D. He is an American who was a crew member on NASA operated Apollo 11. He is now retired. Apollo 11's back up pilot was William Anders." }, { "source": "webnlg", "text": "Buzz Aldrin was an American born in Glen Ridge, New Jersey and graduated from Massachusetts Institute of Technology with a Sc.D in 1963. He was a crew member of Apollo 11 operated by NASA with William Anders as the backup pilot." } ] }, { "tripleset": [ [ "William Anders", "DATE_OF_RETIREMENT", "\"1969-09-01\"" ], [ "William Anders", "NATIONALITY", "United States" ], [ "William Anders", "STATUS", "\"Retired\"" ], [ "William Anders", "DATE_OF_BIRTH", "\"1933-10-17\"" ], [ "William Anders", "OCCUPATION", "Fighter pilot" ], [ "William Anders", "BIRTH_PLACE", "British Hong Kong" ], [ "William Anders", "WAS_A_CREW_MEMBER_OF", "Apollo 8" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "William Anders was born on the 17th of October in 1933 in British Hong Kong. He was a member on Apollo 8 as a fighter pilot. He retired on the 1st of September in 1969." }, { "source": "webnlg", "text": "William Anders is an American who was born in British Hong Kong on October 17th 1933. He was a fighter pilot and crewed Apollo 8. He retired on the 1st September 1969." }, { "source": "webnlg", "text": "William Anders was a US national who was born in British Hong Kong on 17 October 1933. He became a test pilot and was a member of the crew aboard Apollo 8. He retired on 1 September 1969." } ] }, { "tripleset": [ [ "William Anders", "DATE_OF_RETIREMENT", "\"1969-09-01\"" ], [ "William Anders", "WAS_A_CREW_MEMBER_OF", "Apollo 8" ], [ "William Anders", "NATIONALITY", "United States" ], [ "William Anders", "BIRTH_PLACE", "British Hong Kong" ], [ "Apollo 8", "BACKUP_PILOT", "Buzz Aldrin" ], [ "Apollo 8", "CREW_MEMBERS", "Frank Borman" ], [ "Apollo 8", "OPERATOR", "NASA" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "William Anders was born in British Hong Kong and is a U.S Citizen. William was a member of the Apollo 8 crew (along with Frank Borman) which was operated by NASA's backup pilot Buzz Aldrin. William retired on September 1st in 1969." }, { "source": "webnlg", "text": "William Anders was born in British Hong Kong but is an American. He was a member of Apollo 8 which is operated by NASA. His backup pilot was Buzz Aldrin. Anders retired in 1960-09-01." }, { "source": "webnlg", "text": "William Anders was from the US and he was born in British Hong Kong. Alongside Frank Borman, he crewed the NASA operated Apollo 8 before he retired on1969-09-01. Apollo 8's backup pilot was Buzz Aldrin." } ] }, { "tripleset": [ [ "William Anders", "DATE_OF_RETIREMENT", "\"1969-09-01\"" ], [ "William Anders", "WAS_SELECTED_BY_NASA", "1963" ], [ "William Anders", "TIME_IN_SPACE", "\"8820.0\"(minutes)" ], [ "William Anders", "DATE_OF_BIRTH", "\"1933-10-17\"" ], [ "William Anders", "OCCUPATION", "Fighter pilot" ], [ "William Anders", "BIRTH_PLACE", "British Hong Kong" ], [ "William Anders", "WAS_A_CREW_MEMBER_OF", "Apollo 8" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Test pilot William Anders was born in British Hong Kong on October 17th, 1933. After joining NASA in 1963, he served as a crew member of Apollo 8. When he retired on September 1st, 1969 his total space time was 8820.0 minutes." }, { "source": "webnlg", "text": "William Anders was born in British Hong Kong on October 17th, 1933. He served as a fighter pilot. He joined NASA in 1963 and was a crew member on Apollo 8. He retired on the 1st September 1969, having spent 8820 minutes in space." }, { "source": "webnlg", "text": "Selected in 1963 by NASA as a test pilot, William Anders was born in Hong Kong on October 17 1933, retired in 1969, and served as a crew member of Apollo 8 spending 8820 minutes in space." } ] }, { "tripleset": [ [ "Aaron S. Daggett", "AWARD", "Purple Heart" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Aaron S Daggett was awarded the Purple Heart." }, { "source": "webnlg", "text": "Aaron S. Daggett was awarded the Purple Heart." } ] }, { "tripleset": [ [ "Aaron S. Daggett", "BATTLES", "Battle of Mine Run" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Battle of Mine Run was one fought by Aaron S Daggett." }, { "source": "webnlg", "text": "Aaron S. Daggett fought in the Battle of Mine Run." }, { "source": "webnlg", "text": "The Battle of Mine Run was one of the battles that Aaron S. Daggett fought at." } ] }, { "tripleset": [ [ "Ab Klink", "BIRTH_PLACE", "\"Stellendam, Netherlands\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Stellendam, Netherlands is the birthplace of Ab Klink." }, { "source": "webnlg", "text": "Ab Klink was born in Stellendam, Netherlands." } ] }, { "tripleset": [ [ "Abdul Rahman Ya'kub", "IN_OFFICE_WHILE_VICE_PRESIDENT", "Tuanku Bujang Tuanku Othman" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Abdul Rahman Ya'kub was in office while Tuanku Bujang Tuanku Othman was Vice President." }, { "source": "webnlg", "text": "Abdul Rahman Ya'kub was in office whilst Tuanku Bujang Tuanku Othman was Vice President." } ] }, { "tripleset": [ [ "Abdul Taib Mahmud", "PARTY", "\"Parti Bumiputera Sarawak\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Abdul Taib Mahmud belongs to the party of Parti Bumiputera Sarawak." }, { "source": "webnlg", "text": "Abdul Taib Mahmud is a member of the Parti Bumiputera Sarawak Party." } ] }, { "tripleset": [ [ "Abdul Taib Mahmud", "SUCCESSOR", "Sulaiman Abdul Rahman Taib" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Abdul Taib Mahmud's successor was Sulaiman Abdul Rahman Taib." }, { "source": "webnlg", "text": "Abdul Taib Mahmud was succeded by Sulaiman Abdul Rahman Taib." }, { "source": "webnlg", "text": "The sucessor to Abdul Taib Mahmud was Sulaiman Abdul Rahman Taib." } ] }, { "tripleset": [ [ "Abdulsalami Abubakar", "ACTIVE_YEARS_END_DATE", "1999-05-29" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Abdulsalami Abubakar ended his career on 1999-05-29." } ] }, { "tripleset": [ [ "Abdulsalami Abubakar", "BIRTH_PLACE", "Minna" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Abdulsalami Abubakar was born in Minna." }, { "source": "webnlg", "text": "Minna was the birthplace of Abdulsalami Abubakar." } ] }, { "tripleset": [ [ "Abdulsalami Abubakar", "BIRTH_PLACE", "Niger State" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Abdulsalami Abubakar's birthplace was Niger State." }, { "source": "webnlg", "text": "Abdulsalami Abubakar was born in Niger State." } ] }, { "tripleset": [ [ "Abner W. Sibal", "ACTIVE_YEARS_END_DATE", "1965-01-03" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Abner W. Sibal ended his military career January 3, 1965." } ] }, { "tripleset": [ [ "Abner W. Sibal", "DEATH_PLACE", "Alexandria, Virginia" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Abner W Sibal died in Alexandria, Virginia." }, { "source": "webnlg", "text": "Abner W. Sibal died in Alexandria, Virginia." }, { "source": "webnlg", "text": "Abner W Sibal died in Alexandria, Virginia." } ] }, { "tripleset": [ [ "Adam Holloway", "BIRTH_PLACE", "Kent" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Adam Holloway was born in Kent." } ] }, { "tripleset": [ [ "Adam Holloway", "RESIDENCE", "Gravesend" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Adam Holloway's residence is Gravesend." }, { "source": "webnlg", "text": "Adam Holloway resided in Gravesend." }, { "source": "webnlg", "text": "Adam Holloway lives in Gravesend." } ] }, { "tripleset": [ [ "Adenan Satem", "ALMA_MATER", "University of Adelaide" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The alma mater of Adenan Satem is the University of Adelaide." }, { "source": "webnlg", "text": "Adenan Satem's alma mater is the University of Adelaide." } ] }, { "tripleset": [ [ "Adolf Sch\u00e4rf", "BIRTH_PLACE", "Mikulov" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Adolf Sch\u00e4rf's place of birth was Mikulov." }, { "source": "webnlg", "text": "Adolf Sch\u00e4rf was born in Mikulov." }, { "source": "webnlg", "text": "Adolf Scharf was born in Mikulov." } ] }, { "tripleset": [ [ "Adonis Georgiadis", "IN_OFFICE_WHILE_PRIME_MINISTER", "Antonis Samaras" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Adonis Georgiadis was in office while Antonis Samaras was Prime Minister." }, { "source": "webnlg", "text": "Adonis Georgiadis was in office under Antonis Samaras, Prime Minister." }, { "source": "webnlg", "text": "Adonis Georgiadis served in office while Antonis Samaras was Prime Minister." } ] }, { "tripleset": [ [ "Adonis Georgiadis", "OFFICE_(WORKED_AT,_WORKED_AS)", "\"Deputy Minister for Development, Competitiveness and Shipping\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Adonis Georgiadis worked as Deputy Minister for Development, Competitiveness and Shipping." }, { "source": "webnlg", "text": "Adonis Georgiadis was the Deputy Minister for Development, Competitiveness and Shipping." }, { "source": "webnlg", "text": "Adonis Georgiadis worked as the Deputy Minister for Development, Competitiveness and Shipping." } ] }, { "tripleset": [ [ "Agnes Kant", "BIRTH_PLACE", "Hessisch Oldendorf" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Agnes Kant was born in Hessisch Oldendorf." } ] }, { "tripleset": [ [ "Agnes Ward White", "BIRTH_PLACE", "Marietta, Ohio" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Marietta, Ohio was the birthplace of Agnes Ward White." }, { "source": "webnlg", "text": "Agnes Ward White was born in Marietta, Ohio." }, { "source": "webnlg", "text": "The birthplace of Agnes Ward White is Marietta, Ohio." } ] }, { "tripleset": [ [ "Airey Neave", "ACTIVE_YEARS_START_DATE", "1953-06-30" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Airey Neave started his career on 30th June 1953." } ] }, { "tripleset": [ [ "Airey Neave", "AWARD", "Military Cross" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Airey Neave was awarded the Military Cross." } ] }, { "tripleset": [ [ "Airey Neave", "BIRTH_PLACE", "\"Knightsbridge, London\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Knightsbridge, London is the birthplace of Airey Neave." }, { "source": "webnlg", "text": "Airey Neave was born in Knightsbridge, London." } ] }, { "tripleset": [ [ "Airey Neave", "MILITARY_RANK", "Lieutenant colonel" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Airey Neave's military rank is Lieutenant Colonel." }, { "source": "webnlg", "text": "Airey Neave was a Lieutenant Colonel." } ] }, { "tripleset": [ [ "Airey Neave", "SERVICE_START_YEAR", "1935" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Airey Neave began his military career in 1935." }, { "source": "webnlg", "text": "Airey Neave started serving in military in 1935." }, { "source": "webnlg", "text": "Airey Neave began his service in 1935." } ] }, { "tripleset": [ [ "Albert B. White", "PARTY", "Republican Party (United States)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Albert B.White is a member of the Republican Party of the United States." }, { "source": "webnlg", "text": "Albert B. White is a member of the Republican Party in the United States." }, { "source": "webnlg", "text": "Albert B White is a member of the Republican Party in the United States." } ] }, { "tripleset": [ [ "Albert B. White", "SPOUSE", "Agnes Ward White" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The spouse of Albert B. White was Agnes Ward White." }, { "source": "webnlg", "text": "Albert B. White is married to Agnes Ward White." }, { "source": "webnlg", "text": "Agnes Ward White was the wife of Albert B. White." } ] }, { "tripleset": [ [ "Albert Jennings Fountain", "MILITARY_BRANCH", "Union Army" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Albert Jennings Fountain served in the Union Army." }, { "source": "webnlg", "text": "Albert Jennings Fountain was a member of the Union Army." } ] }, { "tripleset": [ [ "Alberto Teisaire", "NATIONALITY", "Argentina" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alberto Teisaire's nationality is Argentinian." }, { "source": "webnlg", "text": "Alberto Teisaire is Argentinian." }, { "source": "webnlg", "text": "Alberto Teisaire was Argentinian." } ] }, { "tripleset": [ [ "Alberto Teisaire", "PROFESSION", "\"Rear Admiral in the Argentine Navy\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alberto Teisaire was a Rear Admiral in the Argentine Navy." }, { "source": "webnlg", "text": "Alberto Teisaire was Rear Admiral in the Argentine Navy." } ] }, { "tripleset": [ [ "Alfons Gorbach", "DEATH_PLACE", "Austria" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alfons Gorbach's place of death was in Austria." }, { "source": "webnlg", "text": "Alfons Gorbach died in Austria." } ] }, { "tripleset": [ [ "Alfred Moore Scales", "ACTIVE_YEARS_START_DATE", "1875-03-04" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alfred Moore Scales started his career on 1875-03-04." } ] }, { "tripleset": [ [ "Alfred Moore Scales", "BATTLES", "Battle of Chancellorsville" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alfred Moore Scales took part in the Battle of Chancellorsville." }, { "source": "webnlg", "text": "Alfred Moore Scales fought in the Battle of Chancellorsville." }, { "source": "webnlg", "text": "Alfred Moore Scales was involved in the Battle of Chancellorsville." } ] }, { "tripleset": [ [ "Alfred N. Phillips", "BIRTH_PLACE", "Darien, Connecticut" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Darien, Connecticut is the birthplace of Alfred N. Phillips." }, { "source": "webnlg", "text": "Alfred N. Phillips place of birth was Darien Connecticut." }, { "source": "webnlg", "text": "Alfred N. Phillips was born in Darien, Connecticut." } ] }, { "tripleset": [ [ "Alfred N. Phillips", "OFFICE_(WORKED_AT,_WORKED_AS)", "Mayor of Stamford, Connecticut" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alfred N Phillips was Mayor of Stamford, Connecticut." }, { "source": "webnlg", "text": "Alfred N. Phillips was the Mayor of Stamford Connecticut." }, { "source": "webnlg", "text": "Alfred N. Phillips was Mayor of Stamford, Connecticut." } ] }, { "tripleset": [ [ "Allan Shivers", "ACTIVE_YEARS_START_DATE", "1947-01-21" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Allan Shivers started his career from January 21, 1947." } ] }, { "tripleset": [ [ "Allan Shivers", "MILITARY_BRANCH", "United States Army" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Allan Shivers served in the United States Army." } ] }, { "tripleset": [ [ "Allan Shivers", "SUCCESSOR", "Price Daniel" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Allan Shivers had the successor Price Daniel." }, { "source": "webnlg", "text": "Allan Shivers was succeeded by Price Daniel." } ] }, { "tripleset": [ [ "Alvah Sabin", "ACTIVE_YEARS_START_DATE", "1853-03-04" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alvah Sabin was an active politician beginning March 4, 1853." }, { "source": "webnlg", "text": "Alvah Sabin started active service on 1853-03-04." } ] }, { "tripleset": [ [ "Alvah Sabin", "PARTY", "Whig Party (United States)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alvah Sabin was a member of the United States Whig Party." }, { "source": "webnlg", "text": "Alvah Sabin belongs to the Whig Party (United States)." }, { "source": "webnlg", "text": "Alvah Sabin was a member of the Whig Party of the United States." } ] }, { "tripleset": [ [ "American Civil War", "COMMANDER", "Robert E. Lee" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Robert E Lee was a commander in the American Civil War." }, { "source": "webnlg", "text": "Robert E. Lee was a commander in the American Civil War." }, { "source": "webnlg", "text": "A commander in the American Civil War was Robert E. Lee." } ] }, { "tripleset": [ [ "Austria", "LANGUAGE", "Austrian German" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "In Austria, the language is Austrian German." }, { "source": "webnlg", "text": "The language in Austria is Austrian German." }, { "source": "webnlg", "text": "The spoken language of Austria is Austrian German." } ] }, { "tripleset": [ [ "Battle of Antietam", "COMMANDER", "Robert E. Lee" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Robert E Lee was commander in the Battle of Antietam." }, { "source": "webnlg", "text": "Robert E. Lee was a commander in the Battle of Antietam." }, { "source": "webnlg", "text": "A commander at the Battle of Antietam was Robert. E. Lee." } ] }, { "tripleset": [ [ "Battle of Cold Harbor", "IS_PART_OF_MILITARY_CONFLICT", "American Civil War" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Battle of Cold Harbor took place during the American Civil War." } ] }, { "tripleset": [ [ "Buenos Aires", "LEADER_NAME", "Gabriela Michetti" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Gabriela Michetti is a leader in Buenos Aires." }, { "source": "webnlg", "text": "The leader of Buenos Aires is called Gabriela Michetti." }, { "source": "webnlg", "text": "The leader of Buenos Aires is Gabriela Michetti." } ] }, { "tripleset": [ [ "Gulf War", "COMMANDER", "Colin Powell" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Colin Powell was a commander in the Gulf War." }, { "source": "webnlg", "text": "Colin Powell was the commander in the Gulf War." } ] }, { "tripleset": [ [ "John F. Kennedy", "PREDECESSOR", "Dwight D. Eisenhower" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Dwight D. Eisenhower was the predecessor to John F. Kennedy." }, { "source": "webnlg", "text": "Dwight D. Eisenhower preceded John F. Kennedy as President." }, { "source": "webnlg", "text": "John F. Kennedy's predecessor was Dwight D. Eisenhower." } ] }, { "tripleset": [ [ "Josef Klaus", "ALMA_MATER", "University of Vienna" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The University of Vienna is the Alma mater of Josef Klaus." }, { "source": "webnlg", "text": "Josef Klaus alma mater is the University of Vienna." }, { "source": "webnlg", "text": "The alma mater of Josef Klaus is the University of Vienna." } ] }, { "tripleset": [ [ "Juan Carlos I of Spain", "PREDECESSOR", "Francisco Franco" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Francisco Franco was the predecessor of Juan Carlos I of Spain." }, { "source": "webnlg", "text": "The predecessor of Juan Carlos I f Spain was Francisco Franco." } ] }, { "tripleset": [ [ "Juan Per\u00f3n", "PARTY", "Labour Party (Argentina)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Juan Per\u00f3n was a member of the Labour Party in Argentina." }, { "source": "webnlg", "text": "Juan Peron belongs to the Labour Party in Argentina." } ] }, { "tripleset": [ [ "Netherlands", "LEADER_NAME", "Mark Rutte" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The leader of the Netherlands is Mark Rutte." } ] }, { "tripleset": [ [ "United States Army", "BATTLES", "Spanish\u2013American War" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The United States Army was involved in battles in the Spanish-American War." } ] }, { "tripleset": [ [ "William M. O. Dawson", "BIRTH_PLACE", "Bloomington, Maryland" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The birthplace of William M. O. Dawson was Bloomington Maryland." }, { "source": "webnlg", "text": "Bloomington, Maryland was the birthplace of William M O Dawson." }, { "source": "webnlg", "text": "William M.O. Dawson was born in Bloomington, Maryland." } ] }, { "tripleset": [ [ "1955 Dodge", "ALTERNATIVE_NAME", "\"Dodge Coronet\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Dodge Coronet is the alternative name for the 1955 Dodge." }, { "source": "webnlg", "text": "The 1955 Dodge is also named the Dodge Coronet." } ] }, { "tripleset": [ [ "1955 Dodge", "ENGINE", "230 (cubic inches)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The 1955 Dodge engine is 230 cubic inches." }, { "source": "webnlg", "text": "The size of the engine in the 1955 Dodge is 230 cubic inches." }, { "source": "webnlg", "text": "The 1955 Dodge has an engine size of 230 cubic inches." } ] }, { "tripleset": [ [ "A-Rosa Luna", "CHRISTENING_DATE", "2005-04-07" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The A-Rosa Luna was christened on the 7th of April 2005." }, { "source": "webnlg", "text": "The A-Rosa Luna was \"christened\" on the 7th April 2005." }, { "source": "webnlg", "text": "The A-Rosa Luna was christened on 7th April 2005." } ] }, { "tripleset": [ [ "AIDA Cruises", "LOCATION", "Rostock" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The location of AIDA Cruises is Rostock." }, { "source": "webnlg", "text": "AIDA Cruises are located at Rostock." }, { "source": "webnlg", "text": "AIDA Cruises is based in Rostock." } ] }, { "tripleset": [ [ "AIDAluna", "OPERATOR", "AIDA Cruises" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "AIDA Cruises is the operator of the AIDAluna." }, { "source": "webnlg", "text": "The AIDAluna is operated by AIDA Cruises." }, { "source": "webnlg", "text": "AIDA Cruises are the operator of the ship AIDAluna." } ] }, { "tripleset": [ [ "AIDAstella", "CHRISTENING_DATE", "2013-03-16" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The AIDAstella was christened on the 16th of March, 2013." }, { "source": "webnlg", "text": "The AIDAstella was christened in March 16 2013." }, { "source": "webnlg", "text": "The christening date of AIDAstella is 2013-03-16." } ] }, { "tripleset": [ [ "AIDAstella", "COMPLETION_DATE", "2013-03-11" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The AIDAstella was completed on March 11th 2013." }, { "source": "webnlg", "text": "The AIDAstella was completed on the 11th March 2013." }, { "source": "webnlg", "text": "AIDAstella was completed on March 11th 2013." } ] }, { "tripleset": [ [ "AIDAstella", "MAIDEN_VOYAGE", "2013-03-17" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The AIDAstella had its maiden voyage on March 17, 2013." }, { "source": "webnlg", "text": "The ship AIDAstella had her maiden voyage on March 17th 2013." }, { "source": "webnlg", "text": "The AIDAstella had its maiden voyage on the 17th of March 2013." }, { "source": "webnlg", "text": "The AIDAstella ship's first journey took place on 17/03/2013." }, { "source": "webnlg", "text": "The ship AIDAstella had her maiden voyage on March 17th 2003." } ] }, { "tripleset": [ [ "AIDAstella", "OPERATOR", "AIDA Cruises" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The ship AIDAstella is operated by AIDA Cruises." }, { "source": "webnlg", "text": "The operator of AIDAstella is AIDA Cruises." }, { "source": "webnlg", "text": "The AIDAstella is operated by AIDA Cruise Line." } ] }, { "tripleset": [ [ "ALV X-1", "LAUNCH_SITE", "Mid-Atlantic Regional Spaceport" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The launch site of ALV X-1 was Mid Atlantic Regional Spaceport." }, { "source": "webnlg", "text": "The launch site of the ALV X-1 was the Mid-Atlantic Regional Spaceport." } ] }, { "tripleset": [ [ "AMC Matador", "ALTERNATIVE_NAME", "\"American Motors Matador\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The AMC Matador is also known as American Motors Matador." }, { "source": "webnlg", "text": "AMC Matador is also known as American Motors Matador." }, { "source": "webnlg", "text": "The AMC Matador is alternatively known as the American Motors Matador." } ] }, { "tripleset": [ [ "ARA Veinticinco de Mayo (V-2)", "STATUS", "\"Sold to the Netherlands 1 April 1948\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The ARA Veinticinco de Mayo (V-2) was sold to the Netherlands on the 1st of April 1948." }, { "source": "webnlg", "text": "The ARA Veinticinco de Mayo (V-2) was sold to the Netherlands on 01/04/1948." }, { "source": "webnlg", "text": "The ARA Veinticinco de Mayo (V-2) was sold to the Netherlands 1 April 1948." } ] }, { "tripleset": [ [ "Abarth 1000 GT Coup\u00e9", "ENGINE", "Straight-four engine" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Abarth 1000 GT Coup\u00e9 has a straight-four engine." }, { "source": "webnlg", "text": "The Abarth 1000 GT Coupe has the straight four engine." }, { "source": "webnlg", "text": "The Abarth 1000 GT Coup\u00e9 has a straight-four engine." } ] }, { "tripleset": [ [ "Acura TLX", "ENGINE", "Honda K engine" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Acura TLX has a Honda K engine." } ] }, { "tripleset": [ [ "Acura TLX", "LAYOUT", "AWD (vehicle)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Acura TLX has an AWD vehicle layout." } ] }, { "tripleset": [ [ "Acura TLX", "RELATED_MEAN_OF_TRANSPORTATION", "Honda Accord" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Acura TLX is related to the Honda Accord." } ] }, { "tripleset": [ [ "Acura TLX", "TRANSMISSION", "\"9-speed ZF 9HP automatic (V6)\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The transmission of the Acura TLX is a 9-speed ZF 9HP automatic (V6)." }, { "source": "webnlg", "text": "The Acura TLX has a 9-speed ZF 9HP automatic (V6) transmission." } ] }, { "tripleset": [ [ "Alfa Romeo 164", "ASSEMBLY", "Arese" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Alfa Romeo 164 was assembled in Arese." } ] }, { "tripleset": [ [ "Alfa Romeo 164", "RELATED_MEAN_OF_TRANSPORTATION", "Lancia Thema" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alfa Romeo 164 and Lancia Thema are related types of transportation." }, { "source": "webnlg", "text": "The related transport to the Alfa Romeo 164 is the Lancia Thema." } ] }, { "tripleset": [ [ "Alfa Romeo 164", "TRANSMISSION", "\"4-speed automatic (ZF 4HP18QE)\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Alfa Romeo 164 has a 4-speed automatic (ZF 4HP18QE) transmission." } ] }, { "tripleset": [ [ "Alhambra", "BUILDER", "Samuda Brothers" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Alhambra was built by the Samuda Brothers." }, { "source": "webnlg", "text": "The Samuda Brothers built the Alhambra." } ] }, { "tripleset": [ [ "Alhambra", "SHIP_BEAM", "8.3 m" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Alhambra ship beam is 8.3m." }, { "source": "webnlg", "text": "The Alhambra has a ship beam of 8.3m." }, { "source": "webnlg", "text": "The Alhambra has an 8.3m ship beam." } ] }, { "tripleset": [ [ "Alhambra", "STATUS", "\"Wrecked\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Alhambra had wrecked." } ] }, { "tripleset": [ [ "Alhambra", "TOP_SPEED", "18.52" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Alhambra had a top speed of 18.52 km/h." }, { "source": "webnlg", "text": "The Alhambra has a top speed of 18.52." }, { "source": "webnlg", "text": "The top speed of the Alhambra is 18.52." } ] }, { "tripleset": [ [ "Alvis Speed 25", "ENGINE", "Straight-six engine" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alvis Speed 25 has a straight-six engine." } ] }, { "tripleset": [ [ "Alvis Speed 25", "MODEL_START_YEAR", "1937" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Production, of the Alvis Speed 25, began in 1937." }, { "source": "webnlg", "text": "The Alvis Speed 25 was first manufactured in 1937." } ] }, { "tripleset": [ [ "American submarine NR-1", "SHIP_DRAFT", "4.6 m" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The American submarine NR-1 has a ship draft of 4.6m." }, { "source": "webnlg", "text": "The American submarine NR-1 has a ship draft of 4.6 metres." }, { "source": "webnlg", "text": "The American sub NR-1 has a draft of 4.6 m." } ] }, { "tripleset": [ [ "Antares (rocket)", "FINAL_FLIGHT", "2014-10-28" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Antares rocket's final flight was on the 28th October 2014." }, { "source": "webnlg", "text": "The final flight of the Antares rocket was on 2014-10-28." } ] }, { "tripleset": [ [ "Antares (rocket)", "LAUNCH_SITE", "Mid-Atlantic Regional Spaceport Launch Pad 0" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Antares rocket was launched at the Mid-Atlantic Regional Spaceport Launch Pad 0." }, { "source": "webnlg", "text": "The launch site of the Antares rocket was the Mid-Atlantic Regional Spaceport Launch Pad 0." }, { "source": "webnlg", "text": "The launch site of the rocket Antares was the Mid-Atlantic Regional Spaceport Launch Pad 0." } ] }, { "tripleset": [ [ "Argentina", "LEADER_NAME", "Gabriela Michetti" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Gabriela Michetti is the leader of Argentina." } ] }, { "tripleset": [ [ "Ariane 5", "LAUNCH_SITE", "Guiana Space Centre" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Guiana Space Centre was the launch site of the Ariane 5." }, { "source": "webnlg", "text": "The Ariane 5 was launched from the Guiana Space Centre." }, { "source": "webnlg", "text": "Ariane 5 was launched from the Guiana Space Centre." } ] }, { "tripleset": [ [ "Ariane 5", "MAIDEN_FLIGHT", "2005-08-11" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Ariane 5 had its first voyage August 11, 2005." }, { "source": "webnlg", "text": "Ariane 5 had its maiden flight on August 11th 2005." } ] }, { "tripleset": [ [ "Aston Martin V8", "BODY_STYLE", "Convertible" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Aston Martin V8 is a convertible." } ] }, { "tripleset": [ [ "Aston Martin V8", "MANUFACTURER", "Aston Martin" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The manufacturer of the Aston Martin V8 is the Aston Martin." }, { "source": "webnlg", "text": "The Aston Martin made the Aston Martin V8." }, { "source": "webnlg", "text": "The Aston Martin V8 was manufactured by Aston Martin." } ] }, { "tripleset": [ [ "Aston Martin Virage", "MANUFACTURER", "Aston Martin" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Aston Martin Virage is made by the company Aston Martin." }, { "source": "webnlg", "text": "Aston Martin are the manufacturers of the Aston Martin Virage." }, { "source": "webnlg", "text": "The Aston Martin Virage is manufactured by Aston Martin." } ] }, { "tripleset": [ [ "Atlas II", "FINAL_FLIGHT", "1998-03-16" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Atlas II had its final flight on March 16th 1998." }, { "source": "webnlg", "text": "The final flight of Atlas II was on 1998-03-16." }, { "source": "webnlg", "text": "The final flight of the Atlas II was on the 16th March 1998." } ] }, { "tripleset": [ [ "Atlas II", "LAUNCH_SITE", "Vandenberg Air Force Base" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Atlas II was launched from Vandenberg Air Force Base." }, { "source": "webnlg", "text": "The Atlas II was launched from Vandenberg Air Force Base." } ] }, { "tripleset": [ [ "Audi", "FOUNDED_BY", "August Horch" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Audi was founded by August Horch." }, { "source": "webnlg", "text": "August Horch founded Audi." }, { "source": "webnlg", "text": "The company Audi was founded by August Horch." } ] }, { "tripleset": [ [ "Audi A1", "ASSEMBLY", "Audi Brussels" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Audi A1 is assembled by Audi Brussels." }, { "source": "webnlg", "text": "The Audi A1 is assembled at Audi Brussels." } ] }, { "tripleset": [ [ "Audi A1", "RELATED_MEAN_OF_TRANSPORTATION", "SEAT Ibiza" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Seat Ibiza and the Audi A1 are both cars and therefore a related means of transportation." }, { "source": "webnlg", "text": "The Audi A1 and the Seat Ibiza are similar means of transport." } ] }, { "tripleset": [ [ "Caterpillar Inc.", "LOCATION", "Peoria, Illinois" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Caterpillar Inc. is located in Peoria, Illinois." }, { "source": "webnlg", "text": "Caterpillar Inc. is in Peoria, Illinois." } ] }, { "tripleset": [ [ "Costa Crociere", "LOCATION", "Genoa" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Costa Crociere is located in Genoa." }, { "source": "webnlg", "text": "Costa Crociere is in Genoa." } ] }, { "tripleset": [ [ "DeSoto Custom", "RELATED_MEAN_OF_TRANSPORTATION", "Chrysler Newport" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The DeSoto Custom and Chrysler Newport are related types of transport." }, { "source": "webnlg", "text": "DeSoto Custom is a related means of transport to Chrysler Newport." }, { "source": "webnlg", "text": "The DeSoto Custom is related to the Chrysler Newport." } ] }, { "tripleset": [ [ "Fiat Croma", "RELATED_MEAN_OF_TRANSPORTATION", "Alfa Romeo 164" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Fiat Croma is related to the Alfa Romeo 164." } ] }, { "tripleset": [ [ "Germany", "DEMONYM", "Germans" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Germans are the people of Germany." }, { "source": "webnlg", "text": "Germans is the demonym for people who live in Germany." } ] }, { "tripleset": [ [ "Germany", "LEADER_NAME", "Norbert Lammert" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Norbert Lammert is a leader in Germany." }, { "source": "webnlg", "text": "The leader of Germany is Norbert Lammert." }, { "source": "webnlg", "text": "Germany has a leader named Norbert Lammert." } ] }, { "tripleset": [ [ "Germany", "LEADER_NAME", "Stanislaw Tillich" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The leader of Germany is Stanislaw Tillich." }, { "source": "webnlg", "text": "Stanislaw Tillich is a leader of Germany." } ] }, { "tripleset": [ [ "Gruppo Bertone", "FOUNDED_BY", "Giovanni Bertone" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Gruppo Bertone was founded by Giovanni Bertone." } ] }, { "tripleset": [ [ "Guiana Space Centre", "HEADQUARTER", "Kourou, French Guiana" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Guiana Space Centre has its headquarters at Kourou in French Guiana." }, { "source": "webnlg", "text": "The Guiana Space Centre's headquarters are located in Kourou, French Guiana." }, { "source": "webnlg", "text": "The headquarters of the Guiana Space Centre is in Kourou, French Guiana." } ] }, { "tripleset": [ [ "Honda K engine", "MANUFACTURER", "Honda" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The manufacturer of the Honda K engine is Honda." }, { "source": "webnlg", "text": "Honda are the makers of the Honda K engine." }, { "source": "webnlg", "text": "The Honda K engine was manufactured by Honda." } ] }, { "tripleset": [ [ "United States", "ANTHEM", "The Star-Spangled Banner" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Star Spangled Banner is the national anthem of the united States." }, { "source": "webnlg", "text": "The anthem of the United States is the Star Spangled Banner." }, { "source": "webnlg", "text": "The Star Spangled Banner is the U.S. anthem." } ] }, { "tripleset": [ [ "United States", "ETHNIC_GROUP", "Native Americans in the United States" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Native Americans are on of the ethnic groups in the United States." }, { "source": "webnlg", "text": "The United States has an ethnic group called Native Americans." }, { "source": "webnlg", "text": "Native Americans are an ethnic group in the U.S." } ] }, { "tripleset": [ [ "A.C. Milan", "CHAIRMAN", "Silvio Berlusconi" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Chairman of A C Milan is Silvio Berlusconi." }, { "source": "webnlg", "text": "Silvio Berlusconi is the chiarman of A.C. Milan." } ] }, { "tripleset": [ [ "Aaron Boogaard", "BIRTH_PLACE", "Canada" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Aaron Boogaard's birthplace is Canada." }, { "source": "webnlg", "text": "Aaron Boogaard was born in Canada." } ] }, { "tripleset": [ [ "Aaron Hunt", "CLUB", "SV Werder Bremen" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Aaron Hunt played for the club SV Werder Bremen." }, { "source": "webnlg", "text": "Aaron Hunt plays for SV Werder Bremen." }, { "source": "webnlg", "text": "Aaron Hunt played for SV Werder Bremen." } ] }, { "tripleset": [ [ "Abel Hern\u00e1ndez", "CLUB", "Uruguay Olympic football team" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Abel Hernandez is in the Uruguay Olympic football team." }, { "source": "webnlg", "text": "Abel Hernandez played for the Uruguay Olympic football team." }, { "source": "webnlg", "text": "Abel Hern\u00e1ndez plays for the Uruguay Olympic football team." } ] }, { "tripleset": [ [ "Abel Hern\u00e1ndez", "CLUB", "Uruguay national football team" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Abel Hernandez's club is the Uruguay National football team." }, { "source": "webnlg", "text": "Abel Hernandez plays for the Uruguay national football team." } ] }, { "tripleset": [ [ "Abner (footballer)", "BIRTH_PLACE", "Brazil" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The footballer Abner was born in Brazil." }, { "source": "webnlg", "text": "Abner (a footballer) was born in Brazil." }, { "source": "webnlg", "text": "Football player, Abner, was born in Brazil." } ] }, { "tripleset": [ [ "Adam Maher", "BIRTH_PLACE", "Diemen" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Adam Maher's birthplace is Diemen." }, { "source": "webnlg", "text": "Diemen is the birth place of Adam Maher." }, { "source": "webnlg", "text": "Adam Maher was born in Diemen." } ] }, { "tripleset": [ [ "Adam Maher", "BIRTH_PLACE", "Netherlands" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Adam Maher was born in the Netherlands." } ] }, { "tripleset": [ [ "Adam Maher", "CLUB", "Netherlands national under-17 football team" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Adam Maher played for the Netherlands national under-17 football team." }, { "source": "webnlg", "text": "Adam Maher plays for the Netherlands National club for players under 17." } ] }, { "tripleset": [ [ "Adam Maher", "CLUB", "PSV Eindhoven" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Adam Maher's club is PSV Eindhoven." } ] }, { "tripleset": [ [ "Ahmad Kadhim Assad", "CLUB", "Iraq national football team" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Ahmad Kadhim Assad plays for the Iraq national football team." }, { "source": "webnlg", "text": "Ahmad Kadhim Assad represented the Iraq national football team." }, { "source": "webnlg", "text": "Ahmad Kadhim plays for the Iraqi national football team." } ] }, { "tripleset": [ [ "Akeem Adams", "BIRTH_PLACE", "Point Fortin" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Akeem Adams was born in Point Fortin." }, { "source": "webnlg", "text": "Akeem Adams' birthplace is Point Fortin." } ] }, { "tripleset": [ [ "Akeem Dent", "FORMER_TEAM", "Atlanta Falcons" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Akeem Dent's former team is the Atlanta Falcons." }, { "source": "webnlg", "text": "Akeem Dent used to play for the Atlanta Falcons." } ] }, { "tripleset": [ [ "Akeem Priestley", "CLUB", "Connecticut Huskies" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Akeem Priestley's club is the Connecticut Huskies." }, { "source": "webnlg", "text": "Akeem Priestley plays for the Connecticut Huskies." } ] }, { "tripleset": [ [ "Al-Khor Sports Club", "LEAGUE", "Qatar Stars League" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Al-Khor Sports Club is in the Qatar Stars League." }, { "source": "webnlg", "text": "Al-Khor Sports Club play in the Qatar Stars League." } ] }, { "tripleset": [ [ "Al-Zawra'a SC", "MANAGER", "Basim Qasim" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Basim Qasim is the manager of Al-Zawra'a SC." }, { "source": "webnlg", "text": "Basim Qasim manages Al-Zawra'a SC." }, { "source": "webnlg", "text": "The manager of Al-Zawra'a SC is Basim Qasim." } ] }, { "tripleset": [ [ "Al Kharaitiyat SC", "POSITION", "Qatar Stars League" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Al Kharaitiyat SC play in the Qatar Stars League." } ] }, { "tripleset": [ [ "Alaa Abdul-Zahra", "BIRTH_PLACE", "Baghdad" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alaa Abdul-Zahra was born in Baghdad." }, { "source": "webnlg", "text": "Baghdad is the birth place of Alaa Abdul-Zahra." }, { "source": "webnlg", "text": "Alaa Abdul Zahra was born in Baghdad." } ] }, { "tripleset": [ [ "Alaa Abdul-Zahra", "CLUB", "Sanat Mes Kerman F.C." ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alaa Abdul-Zahra's club is Sanat Mes Kerman F.C." }, { "source": "webnlg", "text": "Alaa Abdul Zahra plays for Sanat Mes Kerman FC." } ] }, { "tripleset": [ [ "Alan Martin (footballer)", "CLUB", "Hamilton Academical F.C." ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alan Martin played football for Hamilton Academical F.C." }, { "source": "webnlg", "text": "Alan Martin is a footballer for the Hamilton Academical FC." }, { "source": "webnlg", "text": "The footballer Alan Martin plays for Hamilton Academical F.C." } ] }, { "tripleset": [ [ "Alan Martin (footballer)", "CLUB", "Scotland national under-19 football team" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alan Martin is a footballer with the Scotland national under-19 football team club." }, { "source": "webnlg", "text": "Alan Martin played football for the Scotland national under 19 team." } ] }, { "tripleset": [ [ "Aleksander Barkov, Jr.", "DATE_OF_BIRTH", "1995-09-02" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Aleksander Barkov Jr's birthdate is 1995-09-02." }, { "source": "webnlg", "text": "Aleksander Barkov Jr. was born on the 2nd September 1995." } ] }, { "tripleset": [ [ "Aleksander Barkov, Jr.", "CLUB", "Florida Panthers" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Aleksander Barkov Jr has played for the Florida Panthers." }, { "source": "webnlg", "text": "Aleksander Barkov, Jr's club is the Florida Panthers." }, { "source": "webnlg", "text": "Aleksander Barkov Jr. plays for the Florida Panthers." } ] }, { "tripleset": [ [ "Aleksander Barkov, Jr.", "HEIGHT", "1.905" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Aleksander Barkov Jr is 1.905m tall." }, { "source": "webnlg", "text": "Aleksander Barkov, Jr's height is 1.905 metres." }, { "source": "webnlg", "text": "The height of Aleksander Barkov Jr. is 1.905." } ] }, { "tripleset": [ [ "Aleksander Barkov, Jr.", "LEAGUE", "National Hockey League" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Aleksander Barkov Jr played in the National Hockey League." }, { "source": "webnlg", "text": "Aleksander Barkov Jr. plays in the National Hockey League." } ] }, { "tripleset": [ [ "Aleksandr Prudnikov", "DATE_OF_BIRTH", "1989-02-24" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Aleksandr Prudnikov's date of birth is 1989-02-24." }, { "source": "webnlg", "text": "Aleksandr Prudnikov was born on 24th February 1989." }, { "source": "webnlg", "text": "Aleksandr Prudnikov was born 1989-02-24." } ] }, { "tripleset": [ [ "Aleksandr Prudnikov", "CLUB", "FC Amkar Perm" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Aleksandr Prudnikov plays for FC Amkar Perm." }, { "source": "webnlg", "text": "Aleksandr Prudnikov plays for the FC Amkar Perm football club." } ] }, { "tripleset": [ [ "Aleksandre Guruli", "BIRTH_PLACE", "Batumi" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Aleksandre Guruli was born in Batumi." }, { "source": "webnlg", "text": "Aleksandre Guruli's birth place is Batumi." } ] }, { "tripleset": [ [ "Aleksandre Guruli", "CLUB", "FC Samtredia" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Aleksandre Guruli plays for FC Samtredia." }, { "source": "webnlg", "text": "Aleksandre Guruli's club is FC Samtredia." } ] }, { "tripleset": [ [ "Aleksandre Guruli", "CLUB", "Georgia national under-21 football team" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Aleksandre Guruli's club is the Georgia national under 21 football team." }, { "source": "webnlg", "text": "Aleksandre Guruli once played for the Georgia national under-21 football team." }, { "source": "webnlg", "text": "Aleksandre Guruli plays for the Georgian national under 21 team." } ] }, { "tripleset": [ [ "Alessio Romagnoli", "CLUB", "A.S. Roma" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alessio Romagnoli plays for A.S. Roma." }, { "source": "webnlg", "text": "Alessio Romagnoli is a member of A.S. Roma." } ] }, { "tripleset": [ [ "Alessio Romagnoli", "YOUTH_CLUB", "A.S. Roma" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alessio Romagnoli plays for the A.S. Roma youth team." }, { "source": "webnlg", "text": "Alessio Romagnoli plays for A.S. Roma's youth team." }, { "source": "webnlg", "text": "Alessio Romagnoli played in AS Roma's youth team." } ] }, { "tripleset": [ [ "Alex Plante", "BIRTH_PLACE", "Manitoba" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alex Plante was born in Manitoba." }, { "source": "webnlg", "text": "Alex Plante's birthplace is Manitoba." } ] }, { "tripleset": [ [ "Alex Tyus", "LEAGUE", "Turkish Basketball Super League" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alex Tyus's league is the Turkish Basketball Super League." }, { "source": "webnlg", "text": "Alex Tyus plays in the Turkish Basketball Super League." }, { "source": "webnlg", "text": "The league Alex Tyus plays in is the Turkish Basketball Super League." } ] }, { "tripleset": [ [ "Atlanta Falcons", "CITY", "Atlanta" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Atlanta Falcons play in Atlanta." }, { "source": "webnlg", "text": "Atlanta Falcons play in the city of Atlanta." } ] }, { "tripleset": [ [ "Boston Bruins", "GENERAL_MANAGER", "Don Sweeney" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Don Sweeney is general manager for the Boston Bruins." }, { "source": "webnlg", "text": "Don Sweeney is general manager of the Boston Bruins." }, { "source": "webnlg", "text": "The general Manager of the Boston Bruins is Don Sweeney." } ] }, { "tripleset": [ [ "Budapest", "COUNTRY", "Hungary" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Budapest is a city in Hungary." } ] }, { "tripleset": [ [ "Canada", "LANGUAGE", "English language" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "English is the language spoken in Canada." }, { "source": "webnlg", "text": "English language is spoken in Canada." }, { "source": "webnlg", "text": "The English language is spoken in Canada." } ] }, { "tripleset": [ [ "Canada", "LANGUAGE", "Slavey language" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "In Canada, the language is Slavey." }, { "source": "webnlg", "text": "Canada's language is the Slavey language." }, { "source": "webnlg", "text": "One of the languages in Canada is Slavey." } ] }, { "tripleset": [ [ "Columbus Blue Jackets", "CITY", "Columbus, Ohio" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Columbus Blue Jackets' city is Columbus, Ohio." }, { "source": "webnlg", "text": "The Columbus Blue Jackets are based in the city of Columbus, Ohio." } ] }, { "tripleset": [ [ "FC Karpaty Lviv", "MANAGER", "Oleh Luzhny" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Oleh Luzhny is the manager of FC Karpaty Lviv." }, { "source": "webnlg", "text": "The manager of FC Karpaty Lviv is Oleh Luzhny." } ] }, { "tripleset": [ [ "FC Torpedo Moscow", "MANAGER", "Valery Petrakov" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Valery Petrakov is the manager of FC Torpedo Moscow." } ] }, { "tripleset": [ [ "Ferencv\u00e1rosi TC", "CHAIRMAN", "G\u00e1bor Kubatov" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "G\u00e1bor Kubatov is the chairman of Ferencv\u00e1rosi TC." }, { "source": "webnlg", "text": "Gabor Kubatov is the chairman of Ferencvarosi TC." } ] }, { "tripleset": [ [ "Finland", "LANGUAGE", "Finnish language" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The language of Finland is the Finnish language." }, { "source": "webnlg", "text": "The Finnish language is spoken in Finland." } ] }, { "tripleset": [ [ "Italy national under-16 football team", "COACH", "Daniele Zoratto" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The coach of the Italian national under 16 football team is Daniele Zoratto." }, { "source": "webnlg", "text": "Daniele Zoratto is coach of the Italy national under 16 football team." } ] }, { "tripleset": [ [ "Maccabi Ashdod B.C.", "COACH", "Zvi Sherf" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Maccabi Ashdod BC's coach is Zvi Sherf." }, { "source": "webnlg", "text": "The coach of Maccabi Ashdod B.C. is Zvi Sherf." }, { "source": "webnlg", "text": "Zvi Sherf is a coach for Maccabi Ashdod BC." } ] }, { "tripleset": [ [ "Motherwell F.C.", "GROUND", "Fir Park" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Motherwell FC's ground is Fir Park." }, { "source": "webnlg", "text": "Motherwell F.C. play their home games at Fir Park." }, { "source": "webnlg", "text": "Motherwell F.C. home ground is located in Fir Park." } ] }, { "tripleset": [ [ "Olympique Lyonnais", "OWNER", "Jean-Michel Aulas" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Jean-Michel Aulas is the owner of Olympique Lyonnais." }, { "source": "webnlg", "text": "Jean-Michel Aulas is the owner of the Olympique Lyonnais." }, { "source": "webnlg", "text": "The owner of Olympique Lyonnais is Jean-Michel Aulas." } ] }, { "tripleset": [ [ "St. Louis Rams", "CITY", "St. Louis" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The St. Louis Rams are based in the city of St. Louis." }, { "source": "webnlg", "text": "American Football team, St. Louis Rams, are based in the city of St. Louis." } ] }, { "tripleset": [ [ "Tennessee Titans", "CITY", "Nashville, Tennessee" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Tennessee Titans are based in Nashville, Tennessee." }, { "source": "webnlg", "text": "The Tennessee Titans are based in the city of Nashville, Tennessee." }, { "source": "webnlg", "text": "American Football team Tennessee Titans are based in the city of Nashville, Tennessee." } ] }, { "tripleset": [ [ "Aaron Bertram", "ACTIVE_YEARS_START_YEAR", "1998" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Aaron Bertram started performing in 1998." } ] }, { "tripleset": [ [ "Aaron Deer", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "The Horns of Happiness" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Aaron Deer collaborates with The Horns of Happiness." }, { "source": "webnlg", "text": "Aaron Deer plays with The Horns of Happiness." } ] }, { "tripleset": [ [ "Aaron Deer", "RECORD_LABEL", "Kill Rock Stars" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Aaron Deer has been signed to the record label Kill Rock Stars." }, { "source": "webnlg", "text": "Aaron Deer is signed to the record label Kill Rock Stars." }, { "source": "webnlg", "text": "Aaron Deer's record label is called Kill Rock Stars." } ] }, { "tripleset": [ [ "Aaron Turner", "GENRE", "Avant-garde metal" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Aaron Turner falls in the genre of avant-garde metal music." }, { "source": "webnlg", "text": "Aaron Turner performs avant-garde metal music." }, { "source": "webnlg", "text": "Aaron Turner also uses the musical genre Avant-garde metal." } ] }, { "tripleset": [ [ "Aaron Turner", "GENRE", "Progressive metal" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Aaron Turner plays progressive metal music." }, { "source": "webnlg", "text": "Aaron Turner performs progressive metal music." }, { "source": "webnlg", "text": "Aaron Turner uses the genre Progressive metal." } ] }, { "tripleset": [ [ "Abradab", "BACKGROUND", "\"solo singer\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Abradab has a background as a solo singer." }, { "source": "webnlg", "text": "Abradab's background is that of solo singer." } ] }, { "tripleset": [ [ "Abradab", "DATE_OF_BIRTH", "1978-11-12" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Abradab was born on November 12th 1978." }, { "source": "webnlg", "text": "The birth date of Abradab is 12th November 1978." }, { "source": "webnlg", "text": "Abradab was born on 12th November 1978." } ] }, { "tripleset": [ [ "Abradab", "BIRTH_PLACE", "Poland" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The birth place of Abradab is Poland." }, { "source": "webnlg", "text": "Abradab was born in Poland." } ] }, { "tripleset": [ [ "Abradab", "GENRE", "Hip hop music" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The musical genre of Abradab is hip hop music." }, { "source": "webnlg", "text": "Abradab performs hip hop music." } ] }, { "tripleset": [ [ "Agust\u00edn Barboza", "GENRE", "Guarania (music)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Agust\u00edn Barboza plays Guarania style of music." }, { "source": "webnlg", "text": "The genre Guarania, is the musical genre that Agustin Barboza is involved in." } ] }, { "tripleset": [ [ "Ahmet Ertegun", "BIRTH_PLACE", "\"Istanbul, Turkey\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Ahmet Ertegun was born in Istanbul, Turkey." } ] }, { "tripleset": [ [ "Alan Frew", "GENRE", "Rock music" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alan Frew is a performer of rock music." }, { "source": "webnlg", "text": "Alan Frews' musical genre is rock music." }, { "source": "webnlg", "text": "Alan Frew's genre is Rock music." } ] }, { "tripleset": [ [ "Albennie Jones", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Sammy Price" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Albennie Jones has worked with the musical artist Sammy Price." } ] }, { "tripleset": [ [ "Aleksandra Kova\u010d", "BACKGROUND", "\"solo singer\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Aleksandra Kovac is a solo singer." }, { "source": "webnlg", "text": "A solo singer is part of Aleksandra Kova\u010d's background,." } ] }, { "tripleset": [ [ "Aleksandra Kova\u010d", "BIRTH_PLACE", "Yugoslavia" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Aleksandra Kovac was born in Yugoslavia." }, { "source": "webnlg", "text": "The birth place of Aleksandra Kovac is Yugoslavia." }, { "source": "webnlg", "text": "Yugoslavia is the birth place of Aleksandra Kova\u010d." } ] }, { "tripleset": [ [ "Aleksandra Kova\u010d", "GENRE", "Rhythm and blues" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The musical genre of Aleksandra Kovac is rhythm and blues." }, { "source": "webnlg", "text": "Aleksandra Kovac's genre is rhythm and blues." }, { "source": "webnlg", "text": "Aleksandra Kovac is an exponent of Rhythm and blues." } ] }, { "tripleset": [ [ "Aleksandra Kova\u010d", "GENRE", "Soul music" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Aleksandra Kova\u010d's genre is soul music." }, { "source": "webnlg", "text": "Aleksandra Kova\u010d performs soul music." } ] }, { "tripleset": [ [ "Alex Day", "GENRE", "Synthpop" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The musical genre of Alex Day is Synthpop." }, { "source": "webnlg", "text": "Alex Day performs Synthpop music." }, { "source": "webnlg", "text": "Alex Day uses the Synthpop genre." } ] }, { "tripleset": [ [ "Alfredo Zitarrosa", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "H\u00e9ctor Numa Moraes" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alfredo Zitarrosa is associated with fellow musician H\u00e9ctor Numa Moraes." }, { "source": "webnlg", "text": "Alfredo Zitarrosa is associated with Hector Numa Moraes." }, { "source": "webnlg", "text": "Alfredo Zitarrosa is associated with the artist Hector Numa Moraes." } ] }, { "tripleset": [ [ "Alfredo Zitarrosa", "BIRTH_PLACE", "Montevideo" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Montevideo is the birth place of Alfredo Zitarrosa." }, { "source": "webnlg", "text": "The birth place of Alfredo Zitarrosa is Montevideo." }, { "source": "webnlg", "text": "Alfredo Zitarrosa was born in Montevideo." } ] }, { "tripleset": [ [ "Alfredo Zitarrosa", "DEATH_PLACE", "Uruguay" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alfredo Zitarrosa died in Uruguay." } ] }, { "tripleset": [ [ "Alfredo Zitarrosa", "RECORD_LABEL", "RCA Records" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alfredo Zitarrosa was signed to the RCA Records label." }, { "source": "webnlg", "text": "Alfredo Zitarrosa's record label is RCA Records." }, { "source": "webnlg", "text": "Alfredo Zitarrosa has a recording label in RCA Records." } ] }, { "tripleset": [ [ "Alison O'Donnell", "ACTIVE_YEARS_START_YEAR", "1963" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alison O'Donnell started performing in 1963." }, { "source": "webnlg", "text": "1963 was the beginning of Alison O'Donnell's active years." } ] }, { "tripleset": [ [ "Alison O'Donnell", "GENRE", "Jazz" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alison O'Donnell plays jazz music." }, { "source": "webnlg", "text": "Alison O'Donnell performs jazz music." } ] }, { "tripleset": [ [ "Alison O'Donnell", "INSTRUMENT", "\"Voice, bodhr\u00e1n, percussion, autoharp\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alison O'Donnell is a singer and also plays the bodhran, percussion and autoharp." }, { "source": "webnlg", "text": "Alison O'Donnell is a musician who uses her voice,bodhran,percussion and autoharp." }, { "source": "webnlg", "text": "The instruments that Alison O'Donnell plays are bodhr\u00e1n, percussion, autoharp plus she also sings." } ] }, { "tripleset": [ [ "Allen Forrest", "DATE_OF_BIRTH", "1981-02-04" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Allen Forrest was born on February 4, 1981." }, { "source": "webnlg", "text": "Allen Forrest's birth date is 04th February 1981." }, { "source": "webnlg", "text": "Allen Forrest's birth date is 1981-02-04." } ] }, { "tripleset": [ [ "Allen Forrest", "GENRE", "Pop music" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Allen Forrest plays pop music." }, { "source": "webnlg", "text": "Allen Forrest was a pop artist." }, { "source": "webnlg", "text": "Allen Forrest is an exponent of Pop music." } ] }, { "tripleset": [ [ "Alligator Records", "LOCATION", "Chicago" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The location of Alligator Records is Chicago." }, { "source": "webnlg", "text": "Alligator records is based in Chicago." }, { "source": "webnlg", "text": "Alligator Records is located in Chicago." } ] }, { "tripleset": [ [ "Anders Osborne", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Johnny Sansone" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Anders Osborne is associated with the musical artist Johnny Sansone." }, { "source": "webnlg", "text": "Anders Osborne and Johnny Sansone are associates." } ] }, { "tripleset": [ [ "Anders Osborne", "GENRE", "Rhythm and blues" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Anders Osborne performs rhythm and blues music." }, { "source": "webnlg", "text": "Rhythm and blues is the musical genre of Anders Osborne." }, { "source": "webnlg", "text": "Anders Osborne's genre is Rhythm and blues." } ] }, { "tripleset": [ [ "Anders Osborne", "RECORD_LABEL", "Alligator Records" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Anders Osborne was signed to the record label 'Alligator Records'." }, { "source": "webnlg", "text": "Anders Osborne is signed to the record label Alligator Records." }, { "source": "webnlg", "text": "Anders Osborne's record label is Alligator Records." } ] }, { "tripleset": [ [ "Andra (singer)", "GENRE", "Rhythm and blues" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Andra is a rhythm and blues singer." }, { "source": "webnlg", "text": "Andra performs rhythm and blues music." }, { "source": "webnlg", "text": "The singer Andra's genre is Rhythm and blues." } ] }, { "tripleset": [ [ "Andrew Rayel", "ACTIVE_YEARS_START_YEAR", "2009" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Andrew Rayel began his musical career in 2009." }, { "source": "webnlg", "text": "Andrew Rayel started his career in 2009." } ] }, { "tripleset": [ [ "Andrew Rayel", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Christian Burns" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Andrew Rayel is associated with Christian Burns." }, { "source": "webnlg", "text": "The musicians Andrew Rayel and Christian Burns are associates." } ] }, { "tripleset": [ [ "Andrew Rayel", "BIRTH_PLACE", "\"Chi\u0219in\u0103u, Moldova\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The birth place of Andrew Rayel is Chisinau, Moldova." }, { "source": "webnlg", "text": "Andrew Rayel was born in Chisinau, Moldova." } ] }, { "tripleset": [ [ "Andrew White (musician)", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Marry Banilow" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The musician, Andrew White, is associated with the musical artist, Marry Banilow." }, { "source": "webnlg", "text": "Andrew White is associated with the musical artist Marry Banilow." } ] }, { "tripleset": [ [ "Andrew White (musician)", "RECORD_LABEL", "B-Unique Records" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Andrew White is a musician signed to the record label B-Unique Records." }, { "source": "webnlg", "text": "The musician Andrew White is signed to the record label B-Unique Records." } ] }, { "tripleset": [ [ "Asunci\u00f3n", "IS_PART_OF", "Gran Asunci\u00f3n" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Asunci\u00f3n is a part of Gran Asunci\u00f3n." }, { "source": "webnlg", "text": "Asunci\u00f3n is part of Gran Asunci\u00f3n." } ] }, { "tripleset": [ [ "Christian Burns", "INSTRUMENT", "Guitar" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Christian Burns plays the guitar." }, { "source": "webnlg", "text": "Christian Burns plays guitar." } ] }, { "tripleset": [ [ "Hip hop music", "MUSIC_SUBGENRE", "Gangsta rap" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Hip hop music has the sub genre Gangsta rap." }, { "source": "webnlg", "text": "Gangsta rap is a sub genre of Hip Hop music." }, { "source": "webnlg", "text": "Hip hop music has a sub genre called Gangsta rap." } ] }, { "tripleset": [ [ "Hip hop music", "STYLISTIC_ORIGIN", "Funk" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Hip hop music originated from funk music." }, { "source": "webnlg", "text": "Hip Hop music has its origins in Funk." }, { "source": "webnlg", "text": "Hip hop music has its stylistic origins in funk." } ] }, { "tripleset": [ [ "Indie rock", "STYLISTIC_ORIGIN", "New wave music" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The stylistic origin of indie rock is new wave music." }, { "source": "webnlg", "text": "Indie Rock has its origins in New wave music." } ] }, { "tripleset": [ [ "Manchester", "IS_PART_OF", "Greater Manchester" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Manchester is part of Greater Manchester." }, { "source": "webnlg", "text": "Manchester is a part of Greater Manchester." }, { "source": "webnlg", "text": "Manchester is part of the Greater Manchester area." } ] }, { "tripleset": [ [ "Polydor Records", "LOCATION", "London" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Polydor Records are based in London." }, { "source": "webnlg", "text": "Polydor Records is located in London." }, { "source": "webnlg", "text": "Polydor records are located in London." } ] }, { "tripleset": [ [ "RCA Records", "DISTRIBUTING_COMPANY", "Sony Music Entertainment" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The distribution company for RCA Records is Sony Music Entertainment." }, { "source": "webnlg", "text": "RCA Records distribute through Sony Music Entertainment." } ] }, { "tripleset": [ [ "Rock and roll", "STYLISTIC_ORIGIN", "Blues" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Rock and roll music originated from blues music." }, { "source": "webnlg", "text": "Rock and Roll has its stylistic origin in the Blues." }, { "source": "webnlg", "text": "Rock and roll's stylistic origins come from Blues." } ] }, { "tripleset": [ [ "Synthpop", "STYLISTIC_ORIGIN", "Pop music" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Synthpop is a form of pop music." }, { "source": "webnlg", "text": "Synthpop's stylistic origins come from pop music." }, { "source": "webnlg", "text": "The stylistic origin of synthpop is pop music." } ] }, { "tripleset": [ [ "United Kingdom", "DEMONYM", "British people" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "People from the United Kingdom are called British people." }, { "source": "webnlg", "text": "The native people of the United Kingdom are known as the British people." }, { "source": "webnlg", "text": "British people is a demonym for people in the United Kingdom." } ] }, { "tripleset": [ [ "(19255) 1994 VK8", "DENSITY", "2.0 (gramPerCubicCentimetres)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "(19255) 1994 VK8 has a density of 2.0 grams per cubic centimetre." }, { "source": "webnlg", "text": "The celestial body known as (19255) 1994 VK8 has a density of 2 grams per cubic centimetres." } ] }, { "tripleset": [ [ "(29075) 1950 DA", "DISCOVERER", "Carl A. Wirtanen" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "(29075) 1950 DA was discovered by Carl A Wirtanen." }, { "source": "webnlg", "text": "Carl A Wirtanen discovered (29075) 1950 DA." }, { "source": "webnlg", "text": "Carl A Wirtanen was the discoverer of 29075 1950 DA." } ] }, { "tripleset": [ [ "(410777) 2009 FD", "ABSOLUTE_MAGNITUDE", "22.1" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "(410777) 2009 FD has an absolute magnitude of 22.1." }, { "source": "webnlg", "text": "The absolute magnitude of (410777) 2009 FD is 22.1." } ] }, { "tripleset": [ [ "(410777) 2009 FD", "APOAPSIS", "259776702.47055 (kilometres)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "(410777) 2009 FD has an apoapsis of 259776702.47055 kilometres." }, { "source": "webnlg", "text": "The apoapsis of (410777) 2009 FD is 259776702.47055 kilometers." } ] }, { "tripleset": [ [ "(66063) 1998 RO1", "APOAPSIS", "254989570.60815 (kilometres)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "(66063) 1998 RO1 has an apoapsis of 254989570.60815 kilometres." }, { "source": "webnlg", "text": "The apoapsis for (66063) 1998 RO1 is 254989570.60815 kilometres." } ] }, { "tripleset": [ [ "(66063) 1998 RO1", "EPOCH", "2013-11-04" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "66063 1998 RO1 has an epoch date of 4 November 2013." }, { "source": "webnlg", "text": "(66063) 1998 RO1 has an epoch date of 2013-11-04." }, { "source": "webnlg", "text": "The epoch of (66063) 1998 RO1 is on the 13th of January 2016." } ] }, { "tripleset": [ [ "1000 Piazzia", "ESCAPE_VELOCITY", "0.0252 (kilometrePerSeconds)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "1000 Piazzia has an escape velocity of 0.0252 kilometres per second." }, { "source": "webnlg", "text": "The escape velocity of 1000 Piazzia is 0.0252 km/sec." }, { "source": "webnlg", "text": "The escape velocity of 1000 Piazzia is 0.0252 (kilometrePerSeconds)." } ] }, { "tripleset": [ [ "1001 Gaussia", "FORMER_NAME", "\"1923 OAA907 XC\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "1001 Gaussia was formerly known as 1923 OAA907 XC." }, { "source": "webnlg", "text": "The former name of 1001 Gaussia is \"1923 OAA907 XC\"." }, { "source": "webnlg", "text": "1001 Gaussia's former name was 1923 OAA907 XC." } ] }, { "tripleset": [ [ "1001 Gaussia", "MAXIUMUM_TEMPERATURE", "165.0 (kelvins)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "the maximum temperature of 1001 Gaussia is 165 kelvins." }, { "source": "webnlg", "text": "The celestial body known as 1001 Gaussia has a maximum temperature of 165 kelvins." } ] }, { "tripleset": [ [ "101 Helena", "APOAPSIS", "441092000.0 (kilometres)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "101 Helena has an apoapsis of 441092000.0 (kilometres)." }, { "source": "webnlg", "text": "101 Helena has an apoapsis of 441092000.0 kilometres." }, { "source": "webnlg", "text": "The apoapsis of 101 Helena is 441092000.0 kilometres." } ] }, { "tripleset": [ [ "101 Helena", "EPOCH", "2006-12-31" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The epoch of 101 Helena is 2006-12-31." }, { "source": "webnlg", "text": "101 Helena has an epoch of 2006-12-31." } ] }, { "tripleset": [ [ "101 Helena", "MASS", "3.0 (kilograms)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "101 Helena has a mass of 3.0 kgs." }, { "source": "webnlg", "text": "101 Helena has a mass of 3.0 kilograms." } ] }, { "tripleset": [ [ "1036 Ganymed", "AVERAGE_SPEED", "16.86 (kilometrePerSeconds)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "1036 Ganymed has an average speed of 16.86 km per sec." }, { "source": "webnlg", "text": "1036 Ganymed travels at an average speed of 16.86 kilometres per second." }, { "source": "webnlg", "text": "The celestial body known as 1036 Ganymed has an average speed of 16.86 k.p.s." } ] }, { "tripleset": [ [ "103 Hera", "ABSOLUTE_MAGNITUDE", "7.66" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "103 Hera has an absolute magnitude of 7.66." }, { "source": "webnlg", "text": "The celestial body known as 103 Hera has an absolute magnitude of 7.66." }, { "source": "webnlg", "text": "The absolute magnitude of 103 Hera is 7.66." } ] }, { "tripleset": [ [ "103 Hera", "MASS", "7.9 (kilograms)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "103 Hera's mass is 7.9kg." }, { "source": "webnlg", "text": "103 Hera has a mass of 7.9 kilograms." } ] }, { "tripleset": [ [ "107 Camilla", "ABSOLUTE_MAGNITUDE", "7.08" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The asteroid called 107 Camilla has an absolute magnitude of 7.08." }, { "source": "webnlg", "text": "The absolute magnitude of 107 Camilla is 7.08." }, { "source": "webnlg", "text": "107 Camilla has an absolute magnitude of 7.08." } ] }, { "tripleset": [ [ "107 Camilla", "DISCOVERER", "A. Storrs" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "107 Camilla was discovered by A Storrs." }, { "source": "webnlg", "text": "A Storrs discovered 107 Camilla." }, { "source": "webnlg", "text": "The asteroid called 107 Camilla was discovered by A. Storrs." } ] }, { "tripleset": [ [ "1089 Tama", "FORMER_NAME", "\"A894 VA; A904 VD;\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "1089 Tama had the former name of \"A894 VA; A904 VD;\"." }, { "source": "webnlg", "text": "1089 Tama was formerly called \"A894 VA; A904 VD;\"." }, { "source": "webnlg", "text": "The former name of 1089 Tama is \"A894 VA; A904 VD;\"." } ] }, { "tripleset": [ [ "1089 Tama", "ORBITAL_PERIOD", "1202.846 (days)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "1089 Tama has an orbital period of 1202.846 days." } ] }, { "tripleset": [ [ "1097 Vicia", "AVERAGE_SPEED", "17.92 (kilometrePerSeconds)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "1097 Vicia has an average speed of 17.92 kilometres per second." }, { "source": "webnlg", "text": "The celestial body known as 1097 Vicia has an average speed of 17.92 k.p.s." } ] }, { "tripleset": [ [ "1097 Vicia", "EPOCH", "2006-12-31" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The epoch of 1097 Vicia is on 13 January 2016." }, { "source": "webnlg", "text": "The epoch date of 1097 Vicia is 2006.12.31." } ] }, { "tripleset": [ [ "1097 Vicia", "ROTATION_PERIOD", "95040.0" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The rotation period of 1097 Vicia is 95040.0." }, { "source": "webnlg", "text": "1097 Vicia has a rotation period of 95040.0." }, { "source": "webnlg", "text": "The rotation period of 1097 Vicia is 95040." } ] }, { "tripleset": [ [ "109 Felicitas", "DISCOVERER", "Christian Heinrich Friedrich Peters" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Christian Heinrich Friedrich Peters was the discoverer of 109 Felicitas." }, { "source": "webnlg", "text": "109 Felicitas was discovered by Christian Heinrich Friedrich Peters." }, { "source": "webnlg", "text": "Christian Heinrich Friedrich Peters discovered 109 Felicitas." } ] }, { "tripleset": [ [ "109 Felicitas", "PERIAPSIS", "283326000000.0" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "109 Felicitas has a periapsis of 283326000000.0." }, { "source": "webnlg", "text": "The periapsis of 109 Felicitas is 283326000000.0." } ] }, { "tripleset": [ [ "10 Hygiea", "AVERAGE_SPEED", "16.76 (kilometrePerSeconds)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The average speed of 10 Hygiea is 16.76 km per secs." }, { "source": "webnlg", "text": "10 Hygiea has an average speed of 16.76 kilometres per second." }, { "source": "webnlg", "text": "The average speed of the asteroid 10 Hygiea is 16.76 kilometres per second." } ] }, { "tripleset": [ [ "1101 Clematis", "PERIAPSIS", "445895000000.0" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The periapsis of 1101 Clematis is 445895000000.0." }, { "source": "webnlg", "text": "1101 Clematis has a periapsis of 445895000000.0." }, { "source": "webnlg", "text": "1101 Clemantis has a periapsis of 445895000000." } ] }, { "tripleset": [ [ "110 Lydia", "EPOCH", "2006-12-31" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "110 Lydia has an epoch date of December 31st 2006." }, { "source": "webnlg", "text": "31 December 2006 is the epoch of 110 Lydia." }, { "source": "webnlg", "text": "110 Lydia's epoch is 31st December 2006." } ] }, { "tripleset": [ [ "11264 Claudiomaccone", "TEMPERATURE", "173.0 (kelvins)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "11264 Claudiomaccone has a temperature of 173.0 (kelvins)." }, { "source": "webnlg", "text": "11264 Claudiomaccone has a temperature of 173.0 kelvins." } ] }, { "tripleset": [ [ "James Craig Watson", "ALMA_MATER", "University of Michigan" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "James Craig Watson's alma mater was the University of Michigan." }, { "source": "webnlg", "text": "James Craig Watson's Alma mater is the University of Michigan." }, { "source": "webnlg", "text": "James Craig Watson studied at the University of Michigan." } ] }, { "tripleset": [ [ "N. R. Pogson", "BIRTH_PLACE", "Nottingham" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "N R Pogson was born in Nottingham." }, { "source": "webnlg", "text": "N. R. Pogson was born in Nottingham." } ] }, { "tripleset": [ [ "Aaron S. Daggett", "AWARD", "Purple Heart" ], [ "Aaron S. Daggett", "BATTLES", "Battle of Fredericksburg" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Aaron S. Daggett fought in the Battle of Fredericksburg and received the Purple Heart." }, { "source": "webnlg", "text": "Aaron S Daggett, fought in battles, most notably the Battle of Fredericksburg, he was awarded the Purple Heart." }, { "source": "webnlg", "text": "Aaron S Daggett was awarded the Purple Heart and fought in the Battle of Fredericksburg." } ] }, { "tripleset": [ [ "Aaron S. Daggett", "BATTLES", "Battle of Gettysburg" ], [ "Aaron S. Daggett", "AWARD", "Purple Heart" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Aaron S Daggett fought at the Battle of Gettysburg and was awarded the Purple Heart." }, { "source": "webnlg", "text": "Aaron S. Daggett fought in the Battle of Gettysburg and was awarded the Purple Heart." }, { "source": "webnlg", "text": "Aaron S. Daggett, who fought in the Battle of Gettysburg, was awarded the Purple Heart." } ] }, { "tripleset": [ [ "Abdul Rahman Ya'kub", "HAS_DEPUTY", "Stephen Yong Kuet Tze" ], [ "Abdul Taib Mahmud", "SUCCESSOR", "Abdul Rahman Ya'kub" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Stephen Yong Kuet Tze is Abdul Rahman Ya'kub's deputy. Abdul Taib Mahmud was Abdul Rahman Ya'kub's successor." }, { "source": "webnlg", "text": "Abdul Rahman Ya'kub, who succeeded Abdul Taib Mahmud, has a deputy named Stephen Yong Kuet Tze." }, { "source": "webnlg", "text": "The successor of Abdul Taib Mahmud was Abdul Rahman Ya'kub, whose deputy is Stephen Yong Kuet Tze." } ] }, { "tripleset": [ [ "Abdul Taib Mahmud", "PARTY", "Parti Pesaka Bumiputera Bersatu" ], [ "Abdul Taib Mahmud", "BIRTH_PLACE", "Kingdom of Sarawak" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Abdul Taid Mahmud was born in Sarawak and is part of the Parti Pesaka Bumiputera Bersatu." }, { "source": "webnlg", "text": "Abdul Taib Mahmud was born in the Kingdom of Sarawak and his party is the Parti Pesaka Bumiputera Bersatu." }, { "source": "webnlg", "text": "Abdul Taib Mahmud, who was born in Sarawak, belongs to the Parti Pesaka Bumiputera Bersatu." } ] }, { "tripleset": [ [ "Abdulsalami Abubakar", "BIRTH_PLACE", "Minna" ], [ "Abdulsalami Abubakar", "ALMA_MATER", "Technical Institute, Kaduna" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Abdulsalami Abubakar, was born in Minna, and has the Technical Institute Kaduna, for an almar mater." }, { "source": "webnlg", "text": "Abdulsalami Abubakar was born in Minna and he attended the Technical Institute Kaduna." }, { "source": "webnlg", "text": "Abdulsalami Abubakar was born in Minna and attended the Technical Institute in Kaduna." } ] }, { "tripleset": [ [ "Abdulsalami Abubakar", "OFFICE_(WORKED_AT,_WORKED_AS)", "Chief of the Defence Staff (Nigeria)" ], [ "Abdulsalami Abubakar", "BIRTH_PLACE", "Niger State" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Abdulsalami Abubakar was born in Niger State and was the Chief of the Defence Staff in Nigeria." }, { "source": "webnlg", "text": "Abdulsalami Abubakar, who was born in Niger State, was the Chief of the Defence Staff in Nigeria." } ] }, { "tripleset": [ [ "Abdulsalami Abubakar", "OFFICE_(WORKED_AT,_WORKED_AS)", "Chief of the Defence Staff (Nigeria)" ], [ "Abdulsalami Abubakar", "SUCCESSOR", "Al-Amin Daggash" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Al-Amin Daggash was succeeded as Chief of the Defence Staff in Nigeria by Abdulsalami Abubakar." }, { "source": "webnlg", "text": "Abdulsalami Abubakar was the Chief of the Defence Staff in Nigeria and he was succeeded by Al-Amin Daggash." }, { "source": "webnlg", "text": "Al-Amin Daggash was succeeded by Abdulsalami Abubakar, who worked as the Nigerian Chief of the Defence Staff." } ] }, { "tripleset": [ [ "Abdulsalami Abubakar", "SUCCESSOR", "Olusegun Obasanjo" ], [ "Abdulsalami Abubakar", "ACTIVE_YEARS_END_DATE", "1999-05-29" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Abdulsalami Abubakar, ended his career on 1999-05-29, and was succeeded by Olusegun Obasanjo." }, { "source": "webnlg", "text": "Abdulsalami Abubakar ended his career on 1999-05-29 and was succeeded by Olusegun Obasanjo." }, { "source": "webnlg", "text": "Olusegun Obasanjo was the successor to Abdulsalami Abubakar, who ended his career on 1999-05-29." } ] }, { "tripleset": [ [ "Abdulsalami Abubakar", "SUCCESSOR", "Olusegun Obasanjo" ], [ "Abdulsalami Abubakar", "IN_OFFICE_WHILE_VICE_PRESIDENT", "Mike Akhigbe" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Abdulsalami Abubakar was also in office while Mr. Mike Akhigbe was Vice President. Olusegun Obasanjo succeeded Mr. Abubaka." }, { "source": "webnlg", "text": "Abdulsalami Abubakar, who was succeeded by Olusegun Obasanjo. was in office while Mike Akhigbe was Vice President." }, { "source": "webnlg", "text": "Abdulsalami Abubakar, whose successor was Olusegun Obasanjo was in office while Mike Akhigbe was the Vice President." } ] }, { "tripleset": [ [ "Abner W. Sibal", "BATTLES", "World War II" ], [ "World War II", "COMMANDER", "Joseph Stalin" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Joseph Stalin was a commander in World War II in which Abner W Sibal also fought." }, { "source": "webnlg", "text": "Abner W. Sibal fought in World War II and the commander of Russian during that war was Joseph Stalin." }, { "source": "webnlg", "text": "Abner W. Sibal fought during WWII and the Russian commander was Joseph Stalin." } ] }, { "tripleset": [ [ "Abner W. Sibal", "MILITARY_BRANCH", "United States Army" ], [ "United States Army", "BATTLES", "Korean War" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Abner W. Sibal serve in the United States army which took part in the Korean War." }, { "source": "webnlg", "text": "Abner W. Sibal served in the United States Army, which fought in the Korean War." } ] }, { "tripleset": [ [ "Adam Holloway", "BIRTH_PLACE", "Kent" ], [ "Adam Holloway", "ALMA_MATER", "Magdalene College, Cambridge" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Adam Holloway went to school at Magdalene College Cambridge and was born in Kent." }, { "source": "webnlg", "text": "Adam Holloway was born in Kent and attended Magdalene College in Cambridge." } ] }, { "tripleset": [ [ "Adam Holloway", "RESIDENCE", "Gravesend" ], [ "Adam Holloway", "BIRTH_PLACE", "Kent" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Born in Kent, Adam Holloway now lives in Gravesend." }, { "source": "webnlg", "text": "Adam Holloway was born in Kent and lives in Gravesend." }, { "source": "webnlg", "text": "Adam Holloway was born in Kent and lived in Gravesend." } ] }, { "tripleset": [ [ "Adam Koc", "BATTLES", "World War I" ], [ "Adam Koc", "AWARD", "Virtuti Militari" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Adam Koc, who won the Virtuti Militari award, fought in World War I." }, { "source": "webnlg", "text": "Adam Koc fought in WWI and he was awarded the Virtuti Militari award." }, { "source": "webnlg", "text": "Adam Koc fought in WW1 and received the Virtuti Militari award." } ] }, { "tripleset": [ [ "Adonis Georgiadis", "BIRTH_PLACE", "Athens" ], [ "Adonis Georgiadis", "OFFICE_(WORKED_AT,_WORKED_AS)", "\"Deputy Parliamentary Spokesman of Popular Orthodox Rally\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Adonis Georgiadis was born in Athens and has been the Deputy Parliamentary Spokesman of the Popular Orthodox Rally." }, { "source": "webnlg", "text": "Adonis Georgiadis was born in Athens and worked as the Deputy Parliamentary Spokesman for the Popular Orthodox Rally." }, { "source": "webnlg", "text": "Bborn in Athens, Adonis Georgiadis, worked as the Deputy Parliamentary Spokesman of Popular Orthodox Rally." } ] }, { "tripleset": [ [ "Adonis Georgiadis", "BIRTH_PLACE", "Greece" ], [ "Adonis Georgiadis", "BIRTH_PLACE", "Athens" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Adonis Georgiadis was born in Athens, Greece." }, { "source": "webnlg", "text": "Adonis Georgiadis was born in Athens, in Greece." }, { "source": "webnlg", "text": "Adonis Georgiadis was born in Athens in Greece." } ] }, { "tripleset": [ [ "Adonis Georgiadis", "BIRTH_PLACE", "Greece" ], [ "Adonis Georgiadis", "OFFICE_(WORKED_AT,_WORKED_AS)", "\"Deputy Parliamentary Spokesman of Popular Orthodox Rally\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Born in Greece, Adonis Georgiadis, worked as the Deputy Parliamentary Spokesman of Popular Orthodox Rally." }, { "source": "webnlg", "text": "Greek born Adonis Georgiadis he has worked as the Deputy Parliamentary Spokesman of Popular Orthodox Rally." } ] }, { "tripleset": [ [ "Agnes Kant", "BIRTH_PLACE", "Hessisch Oldendorf" ], [ "Agnes Kant", "OFFICE_(WORKED_AT,_WORKED_AS)", "Parliamentary group leader" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Agnes Kant, born in Hessisch Oldendorf, worked as the Parliamentary group leader." }, { "source": "webnlg", "text": "Agnes Kant was born in Hessisch Oldendorf and was employed as a Parliamentary group leader." }, { "source": "webnlg", "text": "Agnes Kant birthplace was in Hessisch Oldendorf. He was a Parliamentary group leader." } ] }, { "tripleset": [ [ "Airey Neave", "AWARD", "Military Cross" ], [ "Airey Neave", "UNIT", "Royal Artillery" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Airey Neave served in the Royal Artillery Unit and was awarded the Military Cross." }, { "source": "webnlg", "text": "Airey Neave received the Military Cross and served in the Royal Artillery." }, { "source": "webnlg", "text": "Airey Neave's unit was the Royal Artillery and he was awarded the Military Cross." } ] }, { "tripleset": [ [ "Airey Neave", "BATTLES", "Battle of France" ], [ "Airey Neave", "ACTIVE_YEARS_START_DATE", "1974-03-04" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Airey Neave was part of the Battle of France but started his career on March 4th, 1974." }, { "source": "webnlg", "text": "Airey Neave, began his career on March 4th 1974, and fought in the Battle of France." }, { "source": "webnlg", "text": "Airey Neave began his career on March 4th 1974 and was involved in the Battle of France." } ] }, { "tripleset": [ [ "Airey Neave", "BATTLES", "Battle of France" ], [ "Battle of France", "COMMANDER", "Hugo Sperrle" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Airey Neave was involved in the Battle of France in which Hugo Sperrle was a commander." }, { "source": "webnlg", "text": "Airey Neave fought in the Battle of France, the battle where Hugo Sperrle was the commander." }, { "source": "webnlg", "text": "Hugo Sperrle was a commander in the Battle of France in which Airey Neave was also involved." } ] }, { "tripleset": [ [ "Airey Neave", "BATTLES", "World War II" ], [ "Airey Neave", "BIRTH_PLACE", "Knightsbridge" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Airey Neave, who was born in Kinightsbridge, fought in World War II." }, { "source": "webnlg", "text": "Born in Kinightsbridge, Airey Neave fought in World War II." }, { "source": "webnlg", "text": "Airey Neave was born in Knightsbridge and fought in World War II." } ] }, { "tripleset": [ [ "Airey Neave", "BATTLES", "World War II" ], [ "World War II", "COMMANDER", "Franklin D. Roosevelt" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Airey Neave fought in World War II where Franklin D. Roosevelt was a commander." }, { "source": "webnlg", "text": "Franklin D Roosevelt was a commander in World War II , in which Airey Neave fought." }, { "source": "webnlg", "text": "Airey Neave fought in World War II where Franklin D. Roosevelt was a commander." } ] }, { "tripleset": [ [ "Airey Neave", "BATTLES", "World War II" ], [ "World War II", "COMMANDER", "Joseph Stalin" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Airey Neave fought in World War II during which Joseph Stalin was a commander." }, { "source": "webnlg", "text": "Joseph Stalin was a commander in World War II, the war Airey Neave was involved in." }, { "source": "webnlg", "text": "Airey Neave fought in World War II, where one of the commanders was, joseph Stalin." } ] }, { "tripleset": [ [ "Albert B. White", "DEATH_YEAR", "1941" ], [ "Albert B. White", "DATE_OF_BIRTH", "1856-09-22" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Albert B White was born on 22nd September 1856 and died in 1941." }, { "source": "webnlg", "text": "Albert B White was born 1856-09-22 and died in 1941." }, { "source": "webnlg", "text": "Albert B. White was born on 22nd September 1856 and died in 1941." } ] }, { "tripleset": [ [ "Albert B. White", "PROFESSION", "Politician" ], [ "Albert B. White", "DATE_OF_BIRTH", "1856-09-22" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Born 22nd September, 1856, Albert B. White's profession was politician." }, { "source": "webnlg", "text": "Albert B White, born on 22nd September 1856, profession was politician." }, { "source": "webnlg", "text": "Albert B White, born 1856-09-22, profession was politician." } ] }, { "tripleset": [ [ "Albert Jennings Fountain", "DEATH_PLACE", "Do\u00f1a Ana County, New Mexico" ], [ "Albert Jennings Fountain", "BIRTH_PLACE", "New York City" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Albert Jennings Fountain was born in New York City an died in Dona Ana County, New Mexico." }, { "source": "webnlg", "text": "Born in New York City, Albert Jennings Fountain, died in Dona Ana County, New Mexico." }, { "source": "webnlg", "text": "Albert Jennings Fountain was born in New York City and died in Dona Ana County, New Mexico." } ] }, { "tripleset": [ [ "Albert Jennings Fountain", "IN_OFFICE_WHILE_VICE_PRESIDENT", "Edmund J. Davis" ], [ "Albert Jennings Fountain", "DEATH_PLACE", "New Mexico Territory" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Albert Jennings Fountain passed away in the New Mexico Territory. He was in office while Edmund J. Davis was Vice President." }, { "source": "webnlg", "text": "Albert Jennings Fountain, who died in the New Mexico territory, was in office whilst Edmund J. Davis was Vice President." }, { "source": "webnlg", "text": "Albert Jennings Fountain, who was a politician while Vice President Edmund J. Davis was in office later died in New Mexico Territory." } ] }, { "tripleset": [ [ "Albert Jennings Fountain", "PARTY", "Republican Party (United States)" ], [ "Albert Jennings Fountain", "BIRTH_PLACE", "New York City" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "New York City is the birthplace of Albert Jennings Fountain who is also a member of the Republican Party in the U.S.A." }, { "source": "webnlg", "text": "Albert Jennings Fountain was born in New York and is a member of the Republican Party." }, { "source": "webnlg", "text": "Born in New York City, Albert Jennings Fountain, was a member of the Republican Party in the United States." } ] }, { "tripleset": [ [ "Alberto Teisaire", "OFFICE_(WORKED_AT,_WORKED_AS)", "\"Provisional President of the Argentine Senate\"" ], [ "Alberto Teisaire", "SUCCESSOR", "Isaac Rojas" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alberto Teisaire worked as the Provisional President of the Argentine Senate and was succeded by Isaac Rojas." }, { "source": "webnlg", "text": "Alberto Teisaire worked as a Provisional President of the Argentine Senate and was succeeded by Isaac Rojas." }, { "source": "webnlg", "text": "Isaac Rojas was the successor to Alberto Teisaire, who worked as a Provisional President of the Argentine Senate." } ] }, { "tripleset": [ [ "Alfons Gorbach", "BIRTH_PLACE", "Austria" ], [ "Alfons Gorbach", "BIRTH_PLACE", "Austria-Hungary" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alfons Gorbach's birthplace was Austria-Hungary." }, { "source": "webnlg", "text": "Alfons Gorbach was born in Austria and Austria- Hungary." }, { "source": "webnlg", "text": "Alfons Gorbach was born in Austria Hungary." } ] }, { "tripleset": [ [ "Alfons Gorbach", "BIRTH_PLACE", "Tyrol (state)" ], [ "Alfons Gorbach", "BIRTH_PLACE", "Austria" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alfons Gorbach was born in the state of Tyrol, in Austria." }, { "source": "webnlg", "text": "Alfons Gorbach was born in Tyrol state in Austria." }, { "source": "webnlg", "text": "Alfons Gorbach was born in the state of Tyrol in Austria." } ] }, { "tripleset": [ [ "Alfred Moore Scales", "OFFICE_(WORKED_AT,_WORKED_AS)", "\"Governor of North Carolina\"" ], [ "Alfred Moore Scales", "SUCCESSOR", "James W. Reid (politician)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alfred Moore Scales, Governor of North Carolina was succeeded by James W Reid." }, { "source": "webnlg", "text": "Alfred Moore Scales, was Governor of North Carolina, and was succeeded by the politician James W Reid." }, { "source": "webnlg", "text": "Alfred Moore Scales was Governor of North Carolina and was succeeded by James W. Reid." } ] }, { "tripleset": [ [ "Alfred Moore Scales", "SUCCESSOR", "Daniel Gould Fowle" ], [ "Daniel Gould Fowle", "ALMA_MATER", "Princeton University" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alfred Moore Scales was succeeded by Daniel Gould Fowle, his alma mater is Princeton University." }, { "source": "webnlg", "text": "Daniel Gould Fowle, attended Princeton University, and suceeded Alfred Moore Scales." }, { "source": "webnlg", "text": "Daniel Gould Fowle attended Princeton University and he succeeded Alfred Moore Scales." } ] }, { "tripleset": [ [ "Alfred N. Phillips", "BIRTH_PLACE", "Connecticut" ], [ "Alfred N. Phillips", "OFFICE_(WORKED_AT,_WORKED_AS)", "United States House of Representatives" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alfred N. Phillips was part of the U.S. House of Representatives and he was born in Connecticut." }, { "source": "webnlg", "text": "Alfred N. Phillips was born in Connecticut and worked at the United States House of Representatives." } ] }, { "tripleset": [ [ "Alfred N. Phillips", "MILITARY_BRANCH", "United States Army" ], [ "United States Army", "BATTLES", "American Civil War" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alfred N. Phillips served in the United States Army which fought in the American Civil War." }, { "source": "webnlg", "text": "Alfred N. Phillip was a member of the US Army that fought in the American Civil War." }, { "source": "webnlg", "text": "Alfred N. Phillips served in the United States, Army, which battled in the American Civil War." } ] }, { "tripleset": [ [ "Allan Shivers", "BATTLES", "World War II" ], [ "World War II", "COMMANDER", "Joseph Stalin" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Allan Shivers fought during World War II in which Joseph Stalin was a commander." }, { "source": "webnlg", "text": "Allan Shivers fought in World War II where Joseph Stalin was also a commander." }, { "source": "webnlg", "text": "Allan Shivers fought battles in World War II and the commander of Russia at the time was Joseph Stalin." } ] }, { "tripleset": [ [ "Allan Shivers", "BIRTH_PLACE", "Lufkin, Texas" ], [ "Allan Shivers", "OFFICE_(WORKED_AT,_WORKED_AS)", "\"Member of the Texas State Senate from District 4 (Port Arthur)\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Allan Shivers was born in Lufkin, Texas and was a member of the Texas State Senate from District 4 (Port Arthur)." }, { "source": "webnlg", "text": "Allan Shivers who worked as a member of the Texas State Senate from District 4 (Port Arthur), was born in Lufkin, Texas." }, { "source": "webnlg", "text": "Allan Shivers was a member of the Texas State Senate District 4 for Port Arthur and was born in Lufkin Texas." } ] }, { "tripleset": [ [ "Allan Shivers", "OFFICE_(WORKED_AT,_WORKED_AS)", "\"Member of the Texas State Senate from District 4 (Port Arthur)\"" ], [ "Allan Shivers", "SUCCESSOR", "Ben Ramsey" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Allan Shivers was part of the Texas State Senate District 4 for Port Arthur. Ben Ramsey succeeded him." }, { "source": "webnlg", "text": "Allan Shivers worked as a member of the Texas State Senate from District 4 (Port Arthur) he was succeed by Ben Ramsey." }, { "source": "webnlg", "text": "Allan Shivers was a member of the Texas State Senate District 4 for Port Arthur and Ben Ramsey succeeded him." } ] }, { "tripleset": [ [ "Alvah Sabin", "DATE_OF_BIRTH", "1793-10-23" ], [ "Alvah Sabin", "OFFICE_(WORKED_AT,_WORKED_AS)", "Secretary of State of Vermont" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alvah Sabin was born October 23, 1793 and worked as the secretary of the State of Vermont." }, { "source": "webnlg", "text": "Alvah Sabin was born October 23, 1793. He worked as secretary of Vermont." }, { "source": "webnlg", "text": "Alvah Sabin was born October 23, 1793 and worked as the Secretary of State of Vermont." } ] }, { "tripleset": [ [ "Netherlands", "CURRENCY", "Euro" ], [ "Agnes Kant", "COUNTRY", "Netherlands" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Agnes Kant's country is the Netherlands where the currency is the euro." }, { "source": "webnlg", "text": "Agnes Kant is a resident of Netherlands which uses the Euro as its currency.." }, { "source": "webnlg", "text": "Agnes Kant comes from the Netherlands where the currency is the Euro." } ] }, { "tripleset": [ [ "Netherlands", "LEADER_NAME", "Mark Rutte" ], [ "Agnes Kant", "COUNTRY", "Netherlands" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Agnes Kant lives in The Netherlands whose leader is Mark Rutte." }, { "source": "webnlg", "text": "Agnes Kant is from the Netherlands, the leader of which, is Mark Rutte." }, { "source": "webnlg", "text": "Agnes Kant's country is the Netherlands, the leader of which, is Mark Rutte." } ] }, { "tripleset": [ [ "Parkersburg, West Virginia", "COUNTRY", "United States" ], [ "Albert B. White", "DEATH_PLACE", "Parkersburg, West Virginia" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Albert B White died in Parkersburg, West Virginia, which is part of the United States." }, { "source": "webnlg", "text": "Albert B White died at Parkersburg, West Virginia, in the United States." }, { "source": "webnlg", "text": "Albert B. White died in Parkersburg, West Virginia United States." } ] }, { "tripleset": [ [ "Aaron Boogaard", "CLUB", "Wichita Thunder" ], [ "Aaron Boogaard", "BIRTH_PLACE", "Saskatchewan" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Aaron Boogaard was born in Saskatchewan and his club is Wichita Thunder." }, { "source": "webnlg", "text": "Aaron Boogaard was born in Saskatchewan and plays for Wichita Thunder." }, { "source": "webnlg", "text": "Aaron Boogaard was born in Saskatchewan and played for Wichita Thunder club." } ] }, { "tripleset": [ [ "Abel Hern\u00e1ndez", "CLUB", "Pe\u00f1arol" ], [ "Pe\u00f1arol", "MANAGER", "Jorge Orosm\u00e1n da Silva" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Abel Hernandez played for the club Penarol, which was managed by Jorge Orosm\u00e1n da Silva." }, { "source": "webnlg", "text": "Abel Hernandez has played for the club Pe\u00f1arol which is managed by Jorge Orosm\u00e1n da Silva." }, { "source": "webnlg", "text": "Pe\u00f1arol, managed by Jorge Orosm\u00e1n da Silva, is a former club of the player Abel Hernandez." } ] }, { "tripleset": [ [ "Abel Hern\u00e1ndez", "CLUB", "U.S. Citt\u00e0 di Palermo" ], [ "Abel Hern\u00e1ndez", "CLUB", "Pe\u00f1arol" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Abel Hernandez plays for the US Citta de Palermo club and also played for Penarol." }, { "source": "webnlg", "text": "Abel Hernandez's club is US Citta di Palermo and Penarol." }, { "source": "webnlg", "text": "Abel Hern\u00e1ndez has played for the clubs US Citt\u00e0 di Palermo and Penarol." } ] }, { "tripleset": [ [ "Adam Maher", "CLUB", "Netherlands national under-17 football team" ], [ "Adam Maher", "CLUB", "AZ Alkmaar" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Adam Maher is connected to the AZ Alkmaar club and plays for the Netherlands National club for players under 17." }, { "source": "webnlg", "text": "AZ Alkmaar player Adam Maher represented the Netherlands national side at Under 17 level." }, { "source": "webnlg", "text": "Adam Maher is connected to the AZ Alkmaar club and played for the Netherlands national under-17 football team." } ] }, { "tripleset": [ [ "Adam Maher", "CLUB", "PSV Eindhoven" ], [ "Adam Maher", "CLUB", "Netherlands national under-17 football team" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Adam Maher's club is PSV Eindhoven and he played for the Netherlands national under-17 football team." }, { "source": "webnlg", "text": "Adam Maher played for PSV Eindhoven and represented the Netherlands under 17 football team." }, { "source": "webnlg", "text": "Adam Maher, whose club is PSV Eindhoven, plays for Netherlands National under 17 club." } ] }, { "tripleset": [ [ "Ahmad Kadhim Assad", "CLUB", "Steel Azin F.C." ], [ "Ahmad Kadhim Assad", "CLUB", "Al Shorta SC" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Ahmad Kadhim Assad clubs are Steel Azin FC and Al Shorta SC." }, { "source": "webnlg", "text": "Ahmad Kadhim Assad played for both Steel Azin F.C. and Al Shorta SC." } ] }, { "tripleset": [ [ "Akeem Adams", "CLUB", "Ferencv\u00e1rosi TC" ], [ "Ferencv\u00e1rosi TC", "MANAGER", "Thomas Doll" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Akeem Adams played for Ferencvarosi TC, where the manager is Thomas Doll." }, { "source": "webnlg", "text": "Akeem Adams club is Ferencvarosi TC, where the manager is Thomas Doll." }, { "source": "webnlg", "text": "Ferencvarosi TC is managed by Thomas Doll and is the club of Akeem Adams." } ] }, { "tripleset": [ [ "Akeem Adams", "CLUB", "Trinidad and Tobago national football team" ], [ "Akeem Adams", "CLUB", "T&amp;TEC Sports Club" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Akeem Adams plays for the Trinidad and Tobago National football team and the T&amp;TEC Sports Club." }, { "source": "webnlg", "text": "Akeem Adams, who plays for the Trinidad and Tobago national football team formerly played for the T&amp;TEC Sports Club." } ] }, { "tripleset": [ [ "Akeem Ayers", "FORMER_TEAM", "New England Patriots" ], [ "Akeem Ayers", "DRAFT_PICK", "\"39\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Akeem Ayers was number 39 in the draft pick and his former team was New England Patriots." }, { "source": "webnlg", "text": "Akeem Ayers draft pick is 39 ad his former team is the New England Patriots." }, { "source": "webnlg", "text": "Akeem Ayers was number 39 in the draft pick and was a former member of the New England Patriots." } ] }, { "tripleset": [ [ "Akeem Ayers", "FORMER_TEAM", "Tennessee Titans" ], [ "Akeem Ayers", "DRAFT_PICK", "\"39\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Akeem Ayers' former team was Tennessee Titans and he was number 39 in the draft pick." }, { "source": "webnlg", "text": "Akeem Ayers used to play for Tennessee Titans and he was number 39 in the draft pick." }, { "source": "webnlg", "text": "Akeem Ayers played for Tennessee Titans and was 39 in the draft pick." } ] }, { "tripleset": [ [ "Akeem Dent", "DATE_OF_BIRTH", "1987" ], [ "Akeem Dent", "DATE_OF_BIRTH", "1987-09-27" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Akeem Dent was born September 27, 1987." }, { "source": "webnlg", "text": "Akeem Dent date of birth is the 27th September 1987." }, { "source": "webnlg", "text": "Akeem Dent was born on 27 September 1987." } ] }, { "tripleset": [ [ "Akeem Priestley", "CLUB", "Connecticut Huskies" ], [ "Akeem Priestley", "CLUB", "Sheikh Russel KC" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Akeem Priestley's club is the Connecticut Huskies and he previously played for Sheikh Russel KC." }, { "source": "webnlg", "text": "Akeem Priestley plays for the Connecticut Huskies, having previously played for Sheikh Russel KC." }, { "source": "webnlg", "text": "Akeem Priestley plays for the Connecticut Huskies and formerly played for Sheikh Russel KC." } ] }, { "tripleset": [ [ "Akeem Priestley", "CLUB", "RoPS" ], [ "Akeem Priestley", "CLUB", "Sheikh Russel KC" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Akeem Priestley\u2019s club is RoPS and he played for Sheikh Russel KC." }, { "source": "webnlg", "text": "Akeem Priestley plays for Sheikh Russel KC and formerly for RoPS." }, { "source": "webnlg", "text": "Akeem Priestley played for the clubs RoPS and Sheikh Russel KC." } ] }, { "tripleset": [ [ "Alaa Abdul-Zahra", "CLUB", "Al-Khor Sports Club" ], [ "Al-Khor Sports Club", "GROUND", "Al Khor" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alaa Abdul Zahra plays for Al-Khor Sports Club located in Al-Khor." }, { "source": "webnlg", "text": "Alaa Abdul -Zahra has played for Al-Khor Sports Club, located in Al-Khor." }, { "source": "webnlg", "text": "Alaa Abdul Zahra plays for the Al-Khor Sports Club, located in Al-Khor." } ] }, { "tripleset": [ [ "Alaa Abdul-Zahra", "CLUB", "Al Kharaitiyat SC" ], [ "Al Kharaitiyat SC", "MANAGER", "Amar Osim" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alaa Abdul Zahra's club is AL Kharaitiyat SC managed by Amar Osim." }, { "source": "webnlg", "text": "Alaa Abdul Zahra plays for Al Kharaitiyat SC managed by Amar Osim." } ] }, { "tripleset": [ [ "Alan Martin (footballer)", "CLUB", "Hamilton Academical F.C." ], [ "Alan Martin (footballer)", "CLUB", "Leeds United F.C." ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Former clubs of the footballer Alan Martin include Hamilton Academicals FC and Leeds United FC." }, { "source": "webnlg", "text": "Alan Martin plays football for Hamilton Academical F.C and Leeds United F.C." }, { "source": "webnlg", "text": "Alan Martin is a footballer who plays for Hamilton Academical and Leeds United football clubs." } ] }, { "tripleset": [ [ "Alan Martin (footballer)", "CLUB", "Hamilton Academical F.C." ], [ "Hamilton Academical F.C.", "GROUND", "New Douglas Park" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alan Martin once played for Hamilton Academicals FC, which plays their home games at New Douglas Park." }, { "source": "webnlg", "text": "Hamilton Academical FC's ground is New Douglas Park and is the club of Alan Martin." }, { "source": "webnlg", "text": "Alan Martin played for Hamilton Academical F.C. at New Douglas Park." } ] }, { "tripleset": [ [ "Aleksander Barkov, Jr.", "CLUB", "Florida Panthers" ], [ "Aleksander Barkov, Jr.", "DATE_OF_BIRTH", "1995-09-02" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Aleksander Barkov was born on 2 September 1995 and plays for the Florida Panthers." }, { "source": "webnlg", "text": "Aleksander Barkov Jr. was born on the 2nd September 1995 and plays for the Florida Panthers." }, { "source": "webnlg", "text": "Born on 2nd September 1995, Aleksander Barkov Jr plays for the Florida Panthers." } ] }, { "tripleset": [ [ "Aleksander Barkov, Jr.", "CLUB", "Florida Panthers" ], [ "Aleksander Barkov, Jr.", "BIRTH_PLACE", "\"Tampere, Finland\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Aleksander Barkov Jr . was born in Tampere, Finland and played with the Florida Panthers." }, { "source": "webnlg", "text": "Aleksander Barkov Jr was born in Tampere Finland and plays for the Florida Panthers." }, { "source": "webnlg", "text": "Born in Tampere, Finland, Aleksander Barkov Jr played for the Florida Panthers." } ] }, { "tripleset": [ [ "Aleksandr Chumakov", "CLUB", "FC Torpedo Moscow" ], [ "FC Torpedo Moscow", "MANAGER", "Valery Petrakov" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Aleksandr Chumakov has played for the club FC Torpedo Moscow, which is managed by Valery Petrakov." }, { "source": "webnlg", "text": "FC Torpedo Moscow, managed by Valery Petrakov, is a former club of Aleksandr Chumakov." }, { "source": "webnlg", "text": "FC Torpedo Moscow, managed by Valery Petrakov, is the former club of Aleksandr Chumakov." } ] }, { "tripleset": [ [ "Aleksandr Prudnikov", "CLUB", "FC Spartak Moscow" ], [ "Aleksandr Prudnikov", "CLUB", "FC Kuban Krasnodar" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Aleksandr Prudnikov's club is FC Spartak Moscow and he also plays for the FC Kuban Krasnodar club." }, { "source": "webnlg", "text": "Former clubs of Aleksandr Prudnikov include FC Spartak Moscow and FC Kuban Krasnodar." }, { "source": "webnlg", "text": "Aleksandr Prudnikov has played for FC Spartak Moscow and FC Kuban Krasnodar." } ] }, { "tripleset": [ [ "Aleksandr Prudnikov", "CLUB", "FC Tom Tomsk" ], [ "FC Tom Tomsk", "LEAGUE", "Russian Football National League" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Aleksandr Prudinov plays for FC Tom Tomsk, which plays in the Russian National Football League." }, { "source": "webnlg", "text": "Aleksandr Prudnikov plays for FC Tom Tomsk which plays in the Russian Football National league." }, { "source": "webnlg", "text": "Aleksandr Prudnikov is with the FC Tom Tomsk which is in the Russian Football National League." } ] }, { "tripleset": [ [ "Aleksandre Guruli", "CLUB", "FC Karpaty Lviv" ], [ "Aleksandre Guruli", "CLUB", "FC Dinamo Batumi" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Aleksandre Guruli played for FC Karpaty Lviv and FC Dinamo Batumi." }, { "source": "webnlg", "text": "Aleksandre Guruli's club is FC Karpaty Lviv and he also played for FC Dinamo Batumi." }, { "source": "webnlg", "text": "Aleksandre Guruli plays for FC Karpaty Lviv club and FC Dinamo Batumi." } ] }, { "tripleset": [ [ "Alex Plante", "DATE_OF_BIRTH", "1989" ], [ "Alex Plante", "BIRTH_PLACE", "Manitoba" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alex Plante was born in 1989 in Manitoba." }, { "source": "webnlg", "text": "Alex Plante was born in Manitoba in 1989." } ] }, { "tripleset": [ [ "Alex Tyus", "CLUB", "Pallacanestro Cant\u00f9" ], [ "Alex Tyus", "DATE_OF_BIRTH", "1988-01-08" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alex Tyus was born on the 8th January 1988 and plays for the club Pallacanestro Cantu." }, { "source": "webnlg", "text": "Born on January 8th 1988, Alex Tyus plays for the club Pallacanestro Cantu." }, { "source": "webnlg", "text": "Alex Tyus was born on the 8th January 1988 and his club is Pallacanestro Cantu." } ] }, { "tripleset": [ [ "Alex Tyus", "LEAGUE", "Turkish Basketball Super League" ], [ "Alex Tyus", "CLUB", "Maccabi Tel Aviv B.C." ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alex Tyus plays for the club, Maccabi Tel Aviv B.C which is in the Turkish Basketball Super league." }, { "source": "webnlg", "text": "Alex Tyus has played in the Turkish Basketball Super League and has also represented the club Maccabi Tel Aviv BC." }, { "source": "webnlg", "text": "Alex Tyus plays for Maccabi Tel Aviv B.C. in the Turkish Basketball Super League." } ] }, { "tripleset": [ [ "Brandon, Manitoba", "LEADER_NAME", "Conservative Party of Canada" ], [ "Alex Plante", "BIRTH_PLACE", "Brandon, Manitoba" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alex Plante was born in Brandon, Manitoba, which is led by the Conservative Party of Canada." }, { "source": "webnlg", "text": "The Conservative Party of Canada is the leader of Brandon, Manitoba, where Alex Plante was born." }, { "source": "webnlg", "text": "Alex Plante's birth place is Brandon, Manitoba where the leader is the Conservative Party of Canada." } ] }, { "tripleset": [ [ "Canada", "ANTHEM", "O Canada" ], [ "Adam McQuaid", "BIRTH_PLACE", "Canada" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Adam McQuaid was born in Canada where the national anthem is O Canada." }, { "source": "webnlg", "text": "Adam McQuaid came from Canada whose anthem is O Canada." }, { "source": "webnlg", "text": "Canada is the birthplace of Adam McQuaid and their national anthem is O Canada." } ] }, { "tripleset": [ [ "Canada", "LANGUAGE", "English language" ], [ "Adam McQuaid", "BIRTH_PLACE", "Canada" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Adam McQuaid was born in Canada where the English language is spoken." }, { "source": "webnlg", "text": "The English language is spoken in Canada which is the birthplace of Adam McQuaid." } ] }, { "tripleset": [ [ "FC Dinamo Batumi", "MANAGER", "Levan Khomeriki" ], [ "Aleksandre Guruli", "CLUB", "FC Dinamo Batumi" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Aleksandre Guruli played for FC Dinamo Batumi managed by Levan Khomeriki." }, { "source": "webnlg", "text": "Aleksandre Guruli plays for FC Dinamo Batumi managed by Levan Khomeriki." }, { "source": "webnlg", "text": "Aleksandre Guruli played for FC Dinamo Batumi, managed by Levan Khomeriki." } ] }, { "tripleset": [ [ "FC Spartak Moscow", "GROUND", "Otkrytiye Arena" ], [ "Aleksandr Prudnikov", "CLUB", "FC Spartak Moscow" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Aleksandr Prudnikov played with the Spartak Moscow FC whose playing ground is the Otkrytiye Arena." }, { "source": "webnlg", "text": "Aleksandr Prudnikov plays for FC Spartak Moscow at the Otkrytiye Arena." } ] }, { "tripleset": [ [ "RoPS", "LEAGUE", "Veikkausliiga" ], [ "Akeem Priestley", "CLUB", "RoPS" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Akeem Priestley\u2019s club is RoPS which plays in the Veikkausliiga." }, { "source": "webnlg", "text": "Akeem Priestley plays for the club RoPS in the Veikkausliiga league." }, { "source": "webnlg", "text": "Akeem Priestley played for club RoPS in the Veikkausliiga." } ] }, { "tripleset": [ [ "United Petrotrin F.C.", "GROUND", "Palo Seco Velodrome" ], [ "Akeem Adams", "CLUB", "United Petrotrin F.C." ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Akeem Adams played for United Petrotrin FC whose ground is Palo Seco Velodrome." }, { "source": "webnlg", "text": "Akeem Adams played for United Petrotrin FC, who were playing in Palo Seco Velodrome." } ] }, { "tripleset": [ [ "Aaron Deer", "GENRE", "Psychedelia" ], [ "Aaron Deer", "INSTRUMENT", "Guitar" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Guitarist Aaron Deer plays Psychedelia." }, { "source": "webnlg", "text": "Aaron Deer plays the guitar and performs Psychedelia music." }, { "source": "webnlg", "text": "Guitarist Aaron Deer performs music from the Psychedelia genre." } ] }, { "tripleset": [ [ "Aaron Deer", "ORIGIN", "United States" ], [ "Aaron Deer", "ORIGIN", "Indiana" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Aaron Deer is from Indiana in the United States." }, { "source": "webnlg", "text": "Aaron Deer is from the United States, specifically Indiana." }, { "source": "webnlg", "text": "Aaron Deer was born in Indiana in the United states." } ] }, { "tripleset": [ [ "Aaron Turner", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Twilight (band)" ], [ "Aaron Turner", "GENRE", "Electroacoustic music" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Aaron Turner performs electroacoustic music and played with the band Twilight." }, { "source": "webnlg", "text": "Aaron Turner performs electroacoustic music and he played with the band Twilight." }, { "source": "webnlg", "text": "Aaron Turner was with the band Twilight and plays electroacoustic music." } ] }, { "tripleset": [ [ "Aaron Turner", "INSTRUMENT", "Singing" ], [ "Aaron Turner", "GENRE", "Avant-garde metal" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Aaron Turner sings for a living and uses the musical genre Avant-garde metal." }, { "source": "webnlg", "text": "Aaron Turner is an avant-garde metal music singer." }, { "source": "webnlg", "text": "Singer Aaron Turner plays Avant-Garde Metal music." } ] }, { "tripleset": [ [ "Abradab", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Magik (rapper)" ], [ "Abradab", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Kaliber 44" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Abradab, an artist for the band Kaliber 44, is associated with Magik (rapper)." }, { "source": "webnlg", "text": "Abradab played with the band Kaliber 44 and is associated with the rapper Magik." }, { "source": "webnlg", "text": "Abradab is an artist for the band Kaliber 44 and he is associated with the rapper Magik." } ] }, { "tripleset": [ [ "Abradab", "DATE_OF_BIRTH", "1978-11-12" ], [ "Abradab", "BIRTH_PLACE", "Katowice" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Abradab was born on November 12, 1978 in Katowice." }, { "source": "webnlg", "text": "Abradab was born in Katowice on 12th November 1978." } ] }, { "tripleset": [ [ "Abradab", "BIRTH_PLACE", "Katowice" ], [ "Abradab", "BIRTH_PLACE", "Poland" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Abradab was born in Katowice, Poland." }, { "source": "webnlg", "text": "The birth place of Abradab is Poland, in Katowice." }, { "source": "webnlg", "text": "Abradab was born is Katowice, Poland." } ] }, { "tripleset": [ [ "Ace Wilder", "GENRE", "Hip hop music" ], [ "Hip hop music", "STYLISTIC_ORIGIN", "Disco" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Ace Wilder is an exponent of hip hop music, a style that originated from disco." }, { "source": "webnlg", "text": "The musical genre of Ace Wilder is hip hop music which has its origins in Disco." }, { "source": "webnlg", "text": "Ace Wilder's musical genre is Hip hop music which has its origins in Disco." } ] }, { "tripleset": [ [ "Ace Wilder", "RECORD_LABEL", "Warner Music Group" ], [ "Ace Wilder", "BACKGROUND", "\"solo singer\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Ace Wilder has a background as a solo singer and is signed to the record label Warner Music Group." }, { "source": "webnlg", "text": "Ace Wilder is a solo singer who uses the record label Warner Music group." }, { "source": "webnlg", "text": "Ace Wilder is a solo singer with the record label Warner Music Group." } ] }, { "tripleset": [ [ "Agust\u00edn Barboza", "BIRTH_PLACE", "Paraguay" ], [ "Agust\u00edn Barboza", "RECORD_LABEL", "Philips Records" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Born in Paraguay, Agustin Barboza is signed to Philips Records." }, { "source": "webnlg", "text": "Paraguay born Agustin Barboza is signed to Philips Records." }, { "source": "webnlg", "text": "Agustin Barboza was born in Paraguay and is signed to Philips Records." } ] }, { "tripleset": [ [ "Alan Frew", "GENRE", "Rock music" ], [ "Rock music", "MUSIC_FUSION_GENRE", "Bhangra (music)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alan Frew is a rock musician, which includes fusion and Bhangra styles." }, { "source": "webnlg", "text": "Alan Frew's genre is Rock music of which bhangra is a fusion of rock." }, { "source": "webnlg", "text": "Alan Frews' musical genre is rock music and a type of rock music fusion is Bhangra." } ] }, { "tripleset": [ [ "Alan Frew", "GENRE", "Rock music" ], [ "Rock music", "STYLISTIC_ORIGIN", "Country music" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alan Frew plays rock music, which originated from country music." }, { "source": "webnlg", "text": "Alan Frews' musical genre is rock music, which originated from country music." }, { "source": "webnlg", "text": "Alan Frew plays rock music which has its roots in country music." } ] }, { "tripleset": [ [ "Albennie Jones", "GENRE", "Jazz" ], [ "Jazz", "STYLISTIC_ORIGIN", "Blues" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Jazz music originated from blues music. Albennie Jones is a jazz performer." }, { "source": "webnlg", "text": "Albennie Jones plays Jazz, which originated from Blues music." }, { "source": "webnlg", "text": "The origins of Jazz is Blues and a jazz artist is Albennie Jones." } ] }, { "tripleset": [ [ "Aleksandra Kova\u010d", "GENRE", "Pop music" ], [ "Aleksandra Kova\u010d", "BACKGROUND", "\"solo singer\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Aleksandra Kovac has been a solo singer , and a performer in the pop music genre." }, { "source": "webnlg", "text": "With a background in solo singing, Aleksandra Kova\u010d, belongs to the musical genre of Pop." }, { "source": "webnlg", "text": "Aleksandra Kova\u010d is a solo pop musician singer." } ] }, { "tripleset": [ [ "Aleksandra Kova\u010d", "GENRE", "Rhythm and blues" ], [ "Rhythm and blues", "STYLISTIC_ORIGIN", "Blues" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Aleksandra Kovac plays rhythm and blues, which originated from blues music." }, { "source": "webnlg", "text": "Aleksandra Kovac is an exponent of Rhythm and blues, the music that originated from the blues." }, { "source": "webnlg", "text": "Aleksandra Kovac plays rhythm and blues which originated from blues music." } ] }, { "tripleset": [ [ "Aleksandra Kova\u010d", "GENRE", "Soul music" ], [ "Aleksandra Kova\u010d", "ACTIVE_YEARS_START_YEAR", "1990" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Aleksandra Kovac stared in 1990 and she performs soul music." }, { "source": "webnlg", "text": "Aleksandra Kova\u010d began her musical career in 1990, she performs soul music." }, { "source": "webnlg", "text": "Aleksandra Kovac is a soul music performer who began her musical career in 1990." } ] }, { "tripleset": [ [ "Alex Day", "GENRE", "Synthpop" ], [ "Synthpop", "STYLISTIC_ORIGIN", "New wave music" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alex Day plays Synthpop, which originated from new wave music." }, { "source": "webnlg", "text": "Alex Day performs Synthpop music which has its stylistic origin in new wave music." }, { "source": "webnlg", "text": "Alex Day plays Synthpop, which is derived from New Wave music." } ] }, { "tripleset": [ [ "Alfred Garth Jones", "BIRTH_PLACE", "England" ], [ "Alfred Garth Jones", "DATE_OF_BIRTH", "1872" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alfred Garth Jones was in England in 1872." }, { "source": "webnlg", "text": "Alfred Garth Jones was born in England in 1872." }, { "source": "webnlg", "text": "Alfred Garth Jones was born in 1872 in England." } ] }, { "tripleset": [ [ "Alfredo Zitarrosa", "BACKGROUND", "\"solo singer\"" ], [ "Alfredo Zitarrosa", "GENRE", "Milonga (music)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The musical genre of Alfredo Zitarrosa, who started out as a solo singer, is Milonga." }, { "source": "webnlg", "text": "Solo singer Alfredo Zitarrosa is a Milonga stylist." }, { "source": "webnlg", "text": "Alfredo Zitarrosa is a Milonga musician, who started out as a solo singer." } ] }, { "tripleset": [ [ "Alfredo Zitarrosa", "BACKGROUND", "\"solo singer\"" ], [ "Alfredo Zitarrosa", "GENRE", "Taquirari" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alfredo Zitarrosa, whose background was as a solo singer, is a performer of Taquirari." }, { "source": "webnlg", "text": "Alfredo Zitarrosa started out as a solo singer and is an exponent of Taquirari." }, { "source": "webnlg", "text": "Singer Alfredo Zitarrosa's musical genre is Taquirari." } ] }, { "tripleset": [ [ "Alfredo Zitarrosa", "BIRTH_PLACE", "Uruguay" ], [ "Alfredo Zitarrosa", "DEATH_PLACE", "Montevideo" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alfredo Zitarrosa, was born in Uruguay and died in Montevideo." }, { "source": "webnlg", "text": "Born in Uruguay, Alfredo Zitarrosa died in Montevideo." }, { "source": "webnlg", "text": "Alfredo Zitarrosa was born in Uruguay and he died in Montevideo." } ] }, { "tripleset": [ [ "Alfredo Zitarrosa", "DEATH_PLACE", "Uruguay" ], [ "Alfredo Zitarrosa", "BIRTH_PLACE", "Montevideo" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alfredo Zitarrosa was born in Montevideo and died in Uruguay." } ] }, { "tripleset": [ [ "Alfredo Zitarrosa", "GENRE", "Zamba (artform)" ], [ "Alfredo Zitarrosa", "BACKGROUND", "\"solo singer\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alfredo Zitarrosa's genre is Zamba which is considered an art form and he started out as a solo singer." }, { "source": "webnlg", "text": "Alfredo Zitarrosa has a background as a solo singer and performs Zamba music." }, { "source": "webnlg", "text": "Alfredo Zitarrosa performs Zamba music and started out as a solo singer." } ] }, { "tripleset": [ [ "Alison O'Donnell", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Plastik Mak" ], [ "Alison O'Donnell", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Bajik" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alison O'Donnell is a musician associated with the Plastik Mak and was also associated with the band Bajik." }, { "source": "webnlg", "text": "Alison O'Donnell was with the bands Bajik and Plastik Mak." }, { "source": "webnlg", "text": "Plastik Mak and Bajik are acts associated with Alison O'Donnell." } ] }, { "tripleset": [ [ "Alison O'Donnell", "GENRE", "Folk rock" ], [ "Alison O'Donnell", "RECORD_LABEL", "Floating World Records" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alison O'Donnell is a folk rock musician signed to Floating World Records." }, { "source": "webnlg", "text": "Alison O'Donnell's musical genre is folk rock and her recording label is Floating World Records." }, { "source": "webnlg", "text": "Alison O'Donnell, a folk rock artist, signed to the record label, Floating World Records." } ] }, { "tripleset": [ [ "Alison O'Donnell", "GENRE", "Jazz" ], [ "Alison O'Donnell", "INSTRUMENT", "\"Voice, bodhr\u00e1n, percussion, autoharp\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alison O'Donnell is a jazz musician who sings and also plays the bodhran, percussion and the autoharp." }, { "source": "webnlg", "text": "Alison O'Donnell performs jazz music, she plays the bodhran, perscussion, and autoharp in addition to singing." }, { "source": "webnlg", "text": "Alison O'Donnell performs jazz music and is a singer and also plays the bodhran, percussion and autoharp." } ] }, { "tripleset": [ [ "Allen Forrest", "GENRE", "Hip hop music" ], [ "Allen Forrest", "BACKGROUND", "\"solo singer\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Hip Hop artist Allen Forrest is a solo singer." }, { "source": "webnlg", "text": "Allen Forrest is a solo singer whose genre is Hip Hop music." }, { "source": "webnlg", "text": "Allen Forrest is a solo singer whose musical genre is hip hop." } ] }, { "tripleset": [ [ "Alternative rock", "MUSIC_SUBGENRE", "Christian alternative rock" ], [ "Andrew White (musician)", "GENRE", "Alternative rock" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The musician Andrew White's genre is alternative rock, the genre which has the sub genre Christian alternative rock." }, { "source": "webnlg", "text": "The musician Andrew White's genre is alternative rock which has the subgenre of Christian alternative rock." }, { "source": "webnlg", "text": "Andrew White performs alternative rock music. A sub genre or alternative rock is Christian alternative rock." } ] }, { "tripleset": [ [ "Anders Osborne", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Phil Lesh and Friends" ], [ "Anders Osborne", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Tab Benoit" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Anders Osborne is associated with Phil Lesh and Friends and he has worked with Tab Benoit." }, { "source": "webnlg", "text": "Anders Osborne is associated with Phil Lesh and Friends as well as Tab Benoit." }, { "source": "webnlg", "text": "Anders Osborne has worked with Tab Benoit and is associated with Phil Lesh and Friends." } ] }, { "tripleset": [ [ "Anders Osborne", "GENRE", "Rhythm and blues" ], [ "Anders Osborne", "RECORD_LABEL", "Rabadash Records" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Rhythm and blues artist Anders Osborne is signed with Rabadash Records." }, { "source": "webnlg", "text": "Anders Osborne genre is Rhythm and blues and his record label is Rabadash Records." }, { "source": "webnlg", "text": "Anders Osborne's genre is Rhythm and blues and he is signed to the Rabadash Records label." } ] }, { "tripleset": [ [ "Anders Osborne", "GENRE", "Rhythm and blues" ], [ "Anders Osborne", "RECORD_LABEL", "Shanachie Records" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Rhythm and blues artist Anders Osborne performs under the Shanachie Records label." }, { "source": "webnlg", "text": "Anders Osborne performs rhythm and blues music and is signed to Shanachie Records." }, { "source": "webnlg", "text": "Anders Osborne performs rhythm and blues music and his record label is Shanachie Records." } ] }, { "tripleset": [ [ "Andra (singer)", "GENRE", "Pop music" ], [ "Andra (singer)", "ACTIVE_YEARS_START_YEAR", "2000" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Andra began her Pop music singing career in 2000." }, { "source": "webnlg", "text": "Andra is a pop singer who started in 2000." }, { "source": "webnlg", "text": "Andra began her singing career in 2000 and sings pop music." } ] }, { "tripleset": [ [ "Andra (singer)", "GENRE", "Rhythm and blues" ], [ "Rhythm and blues", "STYLISTIC_ORIGIN", "Blues" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Andra sings rhythm and blues, which originated from blues." }, { "source": "webnlg", "text": "Andra performs rhythm and blues music, a style that originated from blues." }, { "source": "webnlg", "text": "Andra is a singer of rhythm and blues which originated from the blues." } ] }, { "tripleset": [ [ "Andrew Rayel", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Christian Burns" ], [ "Andrew Rayel", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Jonathan Mendelsohn" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Andrew Rayel, is associated with musical artist Jonathan Mendelsohn and Christian Burns." }, { "source": "webnlg", "text": "Andrew Rayel is associated with Christian Burns and the musical artist Jonathan Mendelsohn." }, { "source": "webnlg", "text": "Andrew Rayel is musically associated with Christian Burns and Jonathan Mendelsohn." } ] }, { "tripleset": [ [ "Andrew Rayel", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Jonathan Mendelsohn" ], [ "Andrew Rayel", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Mark Sixma" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Andrew Rayel is associated with both musical artist Jonathan Mendelsohn and Mark Sixma." }, { "source": "webnlg", "text": "Andrew Rayel has worked musically with Jonathan Mendelsohn and Mark Sixma." }, { "source": "webnlg", "text": "Andrew Rayel is associated with Jonathan Mendelsohn and Mark Sima." } ] }, { "tripleset": [ [ "Andrew Rayel", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Jwaydan Moyine" ], [ "Andrew Rayel", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Armin van Buuren" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Andrew Rayel is associated with both the musician Jwaydan Moyine and Armin van Buuren." }, { "source": "webnlg", "text": "Andrew Rayel is associated with the musician Jwaydan Moyine and the musical artist Armin van Buuren." }, { "source": "webnlg", "text": "Andrew Rayel is associated with the musicians Jwaydan Moyine and Armin van Buuren." } ] }, { "tripleset": [ [ "Andrew White (musician)", "GENRE", "Alternative rock" ], [ "Alternative rock", "STYLISTIC_ORIGIN", "New wave music" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The musician Andrew White's genre is alternative rock which has origins in New wave music." }, { "source": "webnlg", "text": "New wave music is the origin of Alternative rock, which is the genre of Andrew White." }, { "source": "webnlg", "text": "Andrew White is an alternative rock musician . New Wave music was the origin of Alternative rock." } ] }, { "tripleset": [ [ "Country music", "INSTRUMENT", "Banjo" ], [ "Al Anderson (NRBQ band)", "GENRE", "Country music" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Al Anderson of NRBQ is a country musician in which genre the banjo features." }, { "source": "webnlg", "text": "Al Anderson of NRBQ performs country music which is a genre of music which uses the banjo." }, { "source": "webnlg", "text": "Al Anderson (NRBQ band) performs country music, in which the banjo is one of the instruments." } ] }, { "tripleset": [ [ "Polydor Records", "LOCATION", "London" ], [ "Andrew White (musician)", "RECORD_LABEL", "Polydor Records" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Andrew White records under label Polydor Records, who are based in London." }, { "source": "webnlg", "text": "Andrew White is a musician signed to the record label Polydor Records which is located in London." }, { "source": "webnlg", "text": "Andrew White is a musician signed to Polydor Records which are based in London." } ] }, { "tripleset": [ [ "(19255) 1994 VK8", "ESCAPE_VELOCITY", "0.0925 (kilometrePerSeconds)" ], [ "(19255) 1994 VK8", "APOAPSIS", "6603633000.0 (kilometres)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "(19255) 1994 VK8 has an escape velocity of 0.0925 km/s and an apoapsis of 6603633000.0 km." }, { "source": "webnlg", "text": "(19255) 1994 VK8 has an apoapsis of 6603633000.0 km and an escape velocity of 0.0925 km per sec." }, { "source": "webnlg", "text": "(19255) 1994 VK8 has an escape velocity of 0.0925 kilometres per second, and an apoapsis of 6603633000.0 km." } ] }, { "tripleset": [ [ "(410777) 2009 FD", "APOAPSIS", "259776702.47055 (kilometres)" ], [ "(410777) 2009 FD", "MINIMUM_TEMPERATURE", "211.0 (kelvins)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "(410777) 2009 FD has an apoapsis of 259776702.47055 kilometres and a minimum temperature of 211.0 kelvins." } ] }, { "tripleset": [ [ "(410777) 2009 FD", "PERIAPSIS", "88234300000.0" ], [ "(410777) 2009 FD", "DISCOVERER", "Spacewatch" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "(410777) 2009 FD, which was discovered by Spacewatch, has a periapsis of 88234300000.0." } ] }, { "tripleset": [ [ "(66063) 1998 RO1", "EPOCH", "2013-11-04" ], [ "(66063) 1998 RO1", "ESCAPE_VELOCITY", "0.0999 (kilometrePerSeconds)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "(66063) 1998 RO1, with the epoch date 2013-11-04, has an escape velocity of 0.0999 km/s." }, { "source": "webnlg", "text": "The escape velocity of (66063) 1998 R01 is 0.0999 km/sec and its epoch is on the 13th of January 2016." }, { "source": "webnlg", "text": "The epoch of (66063) 1998 RO1 is on the 13th of January 2016 and it has an escape velocity of 0.0999 kilometres per second." } ] }, { "tripleset": [ [ "(66391) 1999 KW4", "EPOCH", "2004-07-14" ], [ "(66391) 1999 KW4", "ORBITAL_PERIOD", "16244700.0" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "(66391) 199 KW4 has an epoch date of July 14th 2004 and its orbital period is 16244700." }, { "source": "webnlg", "text": "(66391) 1999 KW4 has an orbital period of 16244700.0 and an epoch date of 2004-07.14." }, { "source": "webnlg", "text": "The asteroid called (66391) 1999 KW4 has an orbital period of 16244700.0 and an epoch date of 2004/07/14." } ] }, { "tripleset": [ [ "(66391) 1999 KW4", "EPOCH", "2004-07-14" ], [ "(66391) 1999 KW4", "ROTATION_PERIOD", "9953.28" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The rotation period of (66391) 1999 KW4 is 9953.28 and its epoch date is July 14th 2004." }, { "source": "webnlg", "text": "The epoch date for 66391 1999 KW4 is 2004-07.14 and it has a rotation period of 9953.28." }, { "source": "webnlg", "text": "(66391) 199 KW4 which has an epoch date of July 14th 2004 has a rotation period of 9953.28." } ] }, { "tripleset": [ [ "101 Helena", "DISCOVERER", "James Craig Watson" ], [ "James Craig Watson", "DEATH_CAUSE", "Peritonitis" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "James Craig Watson, who died from peritonitis, discovered 101 Helena." }, { "source": "webnlg", "text": "James craig watson who discovered 101 Helena died of peritonitis." } ] }, { "tripleset": [ [ "1036 Ganymed", "AVERAGE_SPEED", "16.86 (kilometrePerSeconds)" ], [ "1036 Ganymed", "APOAPSIS", "611961000.0 (kilometres)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The apoapsis measurement of 1036 Ganymed is 611961000.0 (kilometres) and it travels at an average speed of 16.86 kilometres per second." }, { "source": "webnlg", "text": "The apoapsis measurement of the celestial boy known as 1036 Ganymed is 611961000.0 (kilometres) and it has an average speed of 16.86 km per sec." }, { "source": "webnlg", "text": "1036 Ganymed is a celestial body and has an apoapsis of 611961000.0 kilometres and an average speed of 16.86 km per second." } ] }, { "tripleset": [ [ "1036 Ganymed", "DISCOVERER", "Walter Baade" ], [ "Walter Baade", "BIRTH_PLACE", "German Empire" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Walter Baade, who was born within the German empire, discovered 1036 Ganymed." }, { "source": "webnlg", "text": "Walter Baade, who was born in the German Empire, discovered 1036 Ganymed." }, { "source": "webnlg", "text": "Walter Baade was born in the German Empire and discovered 1036 Ganymed." } ] }, { "tripleset": [ [ "1036 Ganymed", "DISCOVERER", "Walter Baade" ], [ "Walter Baade", "NATIONALITY", "Germany" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The German Walter Baade discovered 1036 Ganymed." }, { "source": "webnlg", "text": "1036 Ganymed was discovered by Walter Baade, a German national." } ] }, { "tripleset": [ [ "103 Hera", "DISCOVERER", "James Craig Watson" ], [ "James Craig Watson", "DEATH_CAUSE", "Peritonitis" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "James Craig Watson, who died of peritonitis, was the discoverer of 103 Hera." }, { "source": "webnlg", "text": "103 Hera was discovered by James Craig Watson, who later died from peritonitis." }, { "source": "webnlg", "text": "James Craig Watson was the discoverer of 103 Hera and he died from peritonitis." } ] }, { "tripleset": [ [ "103 Hera", "DISCOVERER", "James Craig Watson" ], [ "James Craig Watson", "NATIONALITY", "Canada" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "James Craig Watson, a Canadian national, disovered 103 Hera." }, { "source": "webnlg", "text": "103 Hera was discovered by the Canadian James Craig Watson." }, { "source": "webnlg", "text": "Canadian, James Craig Watson, discovered 103 Hera." } ] }, { "tripleset": [ [ "107 Camilla", "DISCOVERER", "N. R. Pogson" ], [ "N. R. Pogson", "BIRTH_PLACE", "Nottingham" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "N. R. Pogson, born in Nottingham, discovered 107 Camilla." }, { "source": "webnlg", "text": "Born in Nottingham, N.R. Pogson, discovered 107 Camilla." }, { "source": "webnlg", "text": "N R Pogson born in Nottingham discovered 107 Camilla." } ] }, { "tripleset": [ [ "1089 Tama", "EPOCH", "2005-11-26" ], [ "1089 Tama", "FORMER_NAME", "\"A919 HA; 1927 WB;\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The epoch date of 1089 Tama, formerly known as A919 HA; 1927WB , is 26 November 2005." }, { "source": "webnlg", "text": "1089 Tama, with the epoch date of November 26th 2005, was formerly called \"A919 HA; 1927 WB;\"." }, { "source": "webnlg", "text": "1089 Tama was formally known as A919 HA; 1927 WB and its epoch is 2005-11-26." } ] }, { "tripleset": [ [ "1089 Tama", "TEMPERATURE", "179.0 (kelvins)" ], [ "1089 Tama", "APOAPSIS", "373513000.0 (kilometres)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "1089 Tama, which has a temperature of 179.0 kelvins, has an apoapsis of 373513000.0 kilometres." }, { "source": "webnlg", "text": "The temperature of 1089 Tama is 179.0 (kelvins) and its apoapsis is 373513000.0 (kilometres)." }, { "source": "webnlg", "text": "1089 Tama, with a temperature of 179.0 kelvins, has an apoapsis of 373513000.0 (kilometres)." } ] }, { "tripleset": [ [ "1097 Vicia", "EPOCH", "2006-12-31" ], [ "1097 Vicia", "PERIAPSIS", "279142000000.0" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The epoch date of 1097 Vicia is 2006.12.31 and has a periapsis measurement of 279142000000.0." }, { "source": "webnlg", "text": "1097 Vicia has a periapsis of 279142000000 and an epoch date of 31st December 2006." }, { "source": "webnlg", "text": "1097 Vicia has a periapsis of 279142000000, and its epoch is on 13 January 2016." } ] }, { "tripleset": [ [ "109 Felicitas", "APOAPSIS", "523329000.0 (kilometres)" ], [ "109 Felicitas", "TEMPERATURE", "170.0 (kelvins)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "109 Felicitas, with a temperature of 170 kelvins, has an apoapsis of 523329000.0 (kilometres)." }, { "source": "webnlg", "text": "The temperature of the asteroid called 109 Felicitas is 170.0 kelvins and it has an apoapsis of 523329000.0 km." }, { "source": "webnlg", "text": "The temperature of the asteroid called 109 Felicitas is 170.0 kelvins and it has an apoapsis of 523329000 kilometres." } ] }, { "tripleset": [ [ "109 Felicitas", "EPOCH", "2006-12-31" ], [ "109 Felicitas", "PERIAPSIS", "283326000000.0" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "109 felicitas which has a periapsis of 283326000000 and an epoch date of December 31st 2006." }, { "source": "webnlg", "text": "The epoch date of 109 Felicitas is the 31st December 2006, and it has a periapsis of 283326000000.0." }, { "source": "webnlg", "text": "109 Felicitas, has the epoch date 31 December 2006, and its periapsis is, 283326000000.0." } ] }, { "tripleset": [ [ "109 Felicitas", "ROTATION_PERIOD", "47487.6" ], [ "109 Felicitas", "EPOCH", "2006-12-31" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The celestial body known as 109 Felicitas has a rotation period of 47487.6, and its epoch date is, 31 December 2006." }, { "source": "webnlg", "text": "The celestial body known as 109 Felicitas has a rotation period of 47487.6 and an epoch date of December 31st 2006." }, { "source": "webnlg", "text": "109 Felicitas, has a rotational period of 47487.6, and its epoch is 31 December 2006." } ] }, { "tripleset": [ [ "10 Hygiea", "APOAPSIS", "523951582.33968 (kilometres)" ], [ "10 Hygiea", "TEMPERATURE", "164.0 (kelvins)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The temperature of 10 Hygiea is 164.0 kelvins and it has an apoapsis of 523951582.33968 (kilometres)." }, { "source": "webnlg", "text": "10 Hygiea has an apoapsis of 523951582.33968 (kilometres) and a temperature of 164 kelvins." }, { "source": "webnlg", "text": "10 Hygiea has a temperature of 164 Kelvins, and an apoapsis of 523951582.33968 kilometres." } ] }, { "tripleset": [ [ "10 Hygiea", "FORMER_NAME", "\"A900 GA\"" ], [ "10 Hygiea", "EPOCH", "2015-06-27" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The asteroid 10 Hygiea, once called A900 GA, has the epoch date of 27th June 2015." }, { "source": "webnlg", "text": "10 Hygiea has an epoch date of June 27th 2015 and was formerly named A900GA." }, { "source": "webnlg", "text": "The asteroid, 10 Hygia, was formally known as A900 GA and has an epoch date of 27th June 2015." } ] }, { "tripleset": [ [ "110 Lydia", "EPOCH", "2006-12-31" ], [ "110 Lydia", "MASS", "6.7 (kilograms)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "110 Lydia has a mass of 6.7 kilograms and its epoch date was on December 31st 2006." }, { "source": "webnlg", "text": "110 Lydia, with a mass of 6.7 kilograms, has the epoch date 31st December 2006." }, { "source": "webnlg", "text": "31 December 2006 is the epoch of 110 Lydia, which weighs 6.7 kg." } ] }, { "tripleset": [ [ "110 Lydia", "EPOCH", "2006-12-31" ], [ "110 Lydia", "ORBITAL_PERIOD", "142603000.0" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The epoch date of 110 Lydia is 31 December 2006 and it has an orbital period of 142603000.0." }, { "source": "webnlg", "text": "The celestial body known as 110 Lydia has an orbital period of 142603000 and an epoch date of 31 December 2006." }, { "source": "webnlg", "text": "110 Lydia has an epoch date of December 31st 2006 and has an orbital period of 142603000.0." } ] }, { "tripleset": [ [ "A-Rosa Luna", "SHIP_CLASS", "Cruise ship" ], [ "A-Rosa Luna", "LENGTH", "125800.0 (millimetres)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The A-Rosa Luna is 125800.0 millimetres in length and classed as a cruise ship." }, { "source": "webnlg", "text": "The A-Rosa Luna which is 125.8 metres long, is classed as a Cruise ship." }, { "source": "webnlg", "text": "The A-Rosa Luna cruise ship is 125800.0 millimetres in length." } ] }, { "tripleset": [ [ "A-Rosa Luna", "SHIP_ORDERED", "2004-01-22" ], [ "A-Rosa Luna", "LENGTH", "125800.0 (millimetres)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The A Rosa Luna ship is 125800.0 mms in length and was ordered on 22 January 2004." }, { "source": "webnlg", "text": "The A-Rosa Luna ship which is 125800.0 millimetres in length, was ordered on January 22nd 2004." }, { "source": "webnlg", "text": "The A-Rosa Luna ship was ordered on the 22nd January 2004 and it is 125.8 metres long." } ] }, { "tripleset": [ [ "AIDA Cruises", "LOCATION", "Germany" ], [ "AIDAstella", "OPERATOR", "AIDA Cruises" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The AIDAstella is operated by AIDA Cruise Line, which is located in Germany." }, { "source": "webnlg", "text": "AIDA Cruises is located in Germany and is operated by AIDAstella." }, { "source": "webnlg", "text": "The ship AIDAstella is operated by AIDA Cruises which is located in Germany." } ] }, { "tripleset": [ [ "AIDA Cruises", "LOCATION", "Rostock" ], [ "AIDAluna", "OPERATOR", "AIDA Cruises" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The AIDAluna is operated by AIDA Cruises which are located at Rostock." }, { "source": "webnlg", "text": "AIDA Cruises, located in Rostock, are the operator of the ship AIDAluna." }, { "source": "webnlg", "text": "AIDAluna is operated by AIDA Cruises from Rostock." } ] }, { "tripleset": [ [ "AIDAluna", "TOP_SPEED", "40.744" ], [ "AIDAluna", "LENGTH", "252000.0 (millimetres)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The AIDAluna has a top speed is 40.744 and is 252000.0 mms in length." }, { "source": "webnlg", "text": "The AIDAluna has a top speed of 40.744 and it 252 metres long." }, { "source": "webnlg", "text": "The AIDAluna is 252m long and has a top speed of 40.744." } ] }, { "tripleset": [ [ "AIDAstella", "CHRISTENING_DATE", "2013-03-16" ], [ "AIDAstella", "LENGTH", "253260.0 (millimetres)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The AIDAstella is 253.26m long and was launched March 16th 2013." }, { "source": "webnlg", "text": "The AIDAstella was christened on the 16th of March, 2013 and is 253260.0 millimetres long." }, { "source": "webnlg", "text": "AIDAstella is 253260.0 millimetres in length and was christened on 2013-03-16." } ] }, { "tripleset": [ [ "ALCO RS-3", "BUILDER", "Montreal Locomotive Works" ], [ "ALCO RS-3", "POWER_TYPE", "Diesel-electric transmission" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Montreal Locomotive Works is the builder of the ALCO RS-3 which has a diesel-electric transmission." }, { "source": "webnlg", "text": "The Diesel-electric transmission ALCO RS-3 was built by the Montreal Locomotive Works." }, { "source": "webnlg", "text": "The ALCO RS-3, has a diesel-electric transmission and was built by the Montreal Locomotive Works." } ] }, { "tripleset": [ [ "ALV X-1", "DIAMETER", "1.524 (metres)" ], [ "ALV X-1", "ROCKET_STAGES", "2" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The ALV X-1 has 2 rocket stages and a diameter of 1.524 metres." }, { "source": "webnlg", "text": "The ALV X-1 rocket has 2 stages and a diameter of 1.524 metres." } ] }, { "tripleset": [ [ "AMC Matador", "ASSEMBLY", "Kenosha, Wisconsin" ], [ "AMC Matador", "MODEL_YEARS", "1974" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "1974 is one of the model years of the AMC Matador which was assembled in Kenosha, Wisconsin." }, { "source": "webnlg", "text": "The AMC Matador is available in a 1974 model and was assembled in Kenosha, Wisconsin." }, { "source": "webnlg", "text": "The AMC Matador is available in a 1974 model and is assembled in Kenosha, Wisconsin." } ] }, { "tripleset": [ [ "AMC Matador", "DESIGNER", "Richard A. Teague" ], [ "Richard A. Teague", "EMPLOYER", "Chrysler" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Richard A. Teague is emplyed by Chrysler and designed the AMC Matador." }, { "source": "webnlg", "text": "Richard A. Teague is the Chrysler employee who designed the AMC Matador." }, { "source": "webnlg", "text": "The AMC Matador was designed by Richard A Teague who workes for Chrysler." } ] }, { "tripleset": [ [ "ARA Veinticinco de Mayo (V-2)", "LENGTH", "192000.0 (millimetres)" ], [ "ARA Veinticinco de Mayo (V-2)", "COUNTRY", "Argentina" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The ARA Veinticinco de Mayo (V-2) is 192000.0 millimetres long and comes from Argentina." }, { "source": "webnlg", "text": "The ARA Veinticinco de Mayo (V-2) which is derived from Argentina has a length of 192000 millimetres." }, { "source": "webnlg", "text": "The ARA Veinticinco de Mayo (V-2) is from Argentina and has a length of 192000 millimetres." } ] }, { "tripleset": [ [ "Alfa Romeo 164", "ASSEMBLY", "Milan" ], [ "Alfa Romeo 164", "RELATED_MEAN_OF_TRANSPORTATION", "Saab 9000" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Alfa Romeo 164, which is assembled in Milan, is a related means of transportation to Saab 9000 , in that they are both cars." }, { "source": "webnlg", "text": "The Alfa Romeo 164, assembled in Milan, is a similar means of transport to the Saab 9000." }, { "source": "webnlg", "text": "As they are both cars, the Saab 9000 and the Alfa Romeo 164 are related means of transport. The latter has an assembly line in Milan." } ] }, { "tripleset": [ [ "Alfa Romeo 164", "RELATED_MEAN_OF_TRANSPORTATION", "Fiat Croma" ], [ "Alfa Romeo 164", "ASSEMBLY", "Italy" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Alfa Romeo 164 is assembled in Italy and is a similar means of transport to the Fiat Croma." }, { "source": "webnlg", "text": "The Alfa Romeo 164 was assembled in Italy and is a similar means of transport to the, Fiat Croma." }, { "source": "webnlg", "text": "The Alfa Romeo 164 is similar to the Fiat Croma andis made in Italy." } ] }, { "tripleset": [ [ "Alfa Romeo 164", "RELATED_MEAN_OF_TRANSPORTATION", "Lancia Thema" ], [ "Alfa Romeo 164", "ASSEMBLY", "Italy" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Alfa Romeo 164, which was assembled in Italy, and Lancia Thema are related types of transportation." }, { "source": "webnlg", "text": "Alfa Romeo 164 is a related transport to Lancia Thema and is assembled in Italy." }, { "source": "webnlg", "text": "The Lancia Thema and the Italian assembled Alfa Romeo 164 are related types of transport." } ] }, { "tripleset": [ [ "Alvis Speed 25", "MANUFACTURER", "Alvis Car and Engineering Company" ], [ "Alvis Car and Engineering Company", "LOCATION_CITY", "Coventry" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alvis Speed 25 was made by the Alvis Car and Engineering Company of Coventry." }, { "source": "webnlg", "text": "The Alvis Speed 25 was made by Coventry based Alvis Car and Engineering Company." }, { "source": "webnlg", "text": "The Alvis Speed 25 was manufactured by the Alvis Car and Engineering Company, which is located in Coventry." } ] }, { "tripleset": [ [ "Alvis Speed 25", "TRANSMISSION", "\"single plate clutch, separate 4-speed gearbox all-silent and all-syncromesh, centre change lever, open tubular propellor shaft with metal joints , spiral bevel fully floating back axle\"" ], [ "Alvis Speed 25", "ENGINE", "4387.0 (cubicCentimetres)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Alvis Speed 25 has a 4387.00 cc engine and an impressive transmission coined as \"single plate clutch, separate 4-speed gearbox all-silent and all-syncromesh, centre change lever, open tubular propellor shaft with metal joints , spiral bevel fully floating back axle\"." }, { "source": "webnlg", "text": "The Alvis Speed 25 has an engine of 4387 cubic centimeters and a transmission system comprising a single plate clutch, separate 4-speed gearbox all-silent and all-syncromesh, centre change lever, open tubular propellor shaft with metal joints and spiral bevel fully floating back axle." }, { "source": "webnlg", "text": "The Alvis Speed 25, which has a 4387.0 cubic centimetres engine, has a transmission system that comprises of a single plate clutch, separate 4-speed gearbox all-silent and all-syncromesh, centre change lever, open tubular propellor shaft with metal joints and spiral bevel fully floating back axle." } ] }, { "tripleset": [ [ "Alvis Speed 25", "TRANSMISSION", "\"single plate clutch, separate 4-speed gearbox all-silent and all-syncromesh, centre change lever, open tubular propellor shaft with metal joints , spiral bevel fully floating back axle\"" ], [ "Alvis Speed 25", "ENGINE", "Straight-six engine" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Alvis Speed 25 has a straight-six engine and an impressive transmission." }, { "source": "webnlg", "text": "Alvis Speed 25 has a straight-six engine and has a transmission system comprising a single plate clutch, separate 4-speed gearbox all-silent and all-syncromesh, centre change lever, open tubular propellor shaft with metal joints and spiral bevel fully floating back axle." }, { "source": "webnlg", "text": "Alvis Speed 25 has a straight-six engine and it's transmission system comprises a single plate clutch, separate 4-speed gearbox all-silent and all-syncromesh, centre change lever, open tubular propellor shaft with metal joints and spiral bevel fully floating back axle." } ] }, { "tripleset": [ [ "American Motors", "SUCCESSOR", "Eagle (automobile)" ], [ "AMC Matador", "MANUFACTURER", "American Motors" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "American Motors, who made the AMC Matador, was succeeded by Eagle." }, { "source": "webnlg", "text": "The AMC Matador is made by American Motors who were succeeded by Eagle." }, { "source": "webnlg", "text": "AMC Matador was manufactured by American Motors who were succeeded by Eagle." } ] }, { "tripleset": [ [ "Antares (rocket)", "MAIDEN_FLIGHT", "2014-01-09" ], [ "Antares (rocket)", "LAUNCH_SITE", "Mid-Atlantic Regional Spaceport" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Antares rocket is launched from the Mid ~Atlantic Regional Spaceport and its first voyage was on January 9th 2014." }, { "source": "webnlg", "text": "The Antares rocket had its maiden flight on January 9th 2014 and was launched from the Mid-Atlantic Regional Spaceport." }, { "source": "webnlg", "text": "The rocker Antares was launched on its maiden flight from the Mid-Atlantic Regional Spaceport on 9 January 2014." } ] }, { "tripleset": [ [ "Argentina", "LEADER_NAME", "Gabriela Michetti" ], [ "ARA Veinticinco de Mayo (V-2)", "COUNTRY", "Argentina" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "ARA Veinticinco de Mayo (V-2) comes from Argentina where Gabriela Michetti is the leader." }, { "source": "webnlg", "text": "The ARA Veinticinco de Mayo (V-2) comes from Argentina which is led by Gabriela Michetti." }, { "source": "webnlg", "text": "The ARA Veinticinco de Mayo (V-2) is from Argentina whose leader is Gabriela Michetti." } ] }, { "tripleset": [ [ "Ariane 5", "LAUNCH_SITE", "ELA-3" ], [ "Ariane 5", "MANUFACTURER", "Airbus Defence and Space" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Ariane 5 was launched at ELA-3 and manufactured by The Airbus Defence and Space." }, { "source": "webnlg", "text": "The Ariane 5 which was launched at the ELA-3, was manufactured by Airbus Defence and Space." }, { "source": "webnlg", "text": "The Airbus Defence and Space are the manufacturers of the Ariane 5, the launch site of which, was ELA-3 launchpad." } ] }, { "tripleset": [ [ "Ariane 5", "MANUFACTURER", "Airbus Defence and Space" ], [ "Airbus Defence and Space", "PARENT_COMPANY", "Airbus Group" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Airbus Group is the parent company of Airbus Defence &amp; Space; where Ariane 5 was manufactured." }, { "source": "webnlg", "text": "The Airbus Group is the parent company of Airbus Defence and Space who manufactured the Ariane 5." }, { "source": "webnlg", "text": "The Airbus Defence and Space, whose parent company is Airbus Group, made the Ariane 5." } ] }, { "tripleset": [ [ "Aston Martin V8", "ASSEMBLY", "United Kingdom" ], [ "Aston Martin V8", "RELATED_MEAN_OF_TRANSPORTATION", "Aston Martin RHAM/1" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Aston Martin V8 - assembled in the United Kingdom - and Aston Martin RHAM/1 are related means of transportation." }, { "source": "webnlg", "text": "Aston Martin V8 was made in the UK. The Aston Martin V8 is connected to the Aston Martin RHAM/1." }, { "source": "webnlg", "text": "The Aston Martin V8 is similar to the RHAM/1 and is assembled in the UK." } ] }, { "tripleset": [ [ "Aston Martin V8", "MANUFACTURER", "Aston Martin" ], [ "Aston Martin V8", "SUCCESSOR", "Aston Martin Virage" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Aston Martin made the Aston Martin V8, which was succeeded by the Aston Martin Virage." }, { "source": "webnlg", "text": "The Aston Martin V8 was manufactured by Aston Martin and was succeeded by the Aston Martin Virage." }, { "source": "webnlg", "text": "Aston Martin produced the Aston Martin V8 which was succeeded by the The Aston Martin Virage." } ] }, { "tripleset": [ [ "Aston Martin V8", "RELATED_MEAN_OF_TRANSPORTATION", "Aston Martin DBS" ], [ "Aston Martin V8", "SUCCESSOR", "Aston Martin Virage" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Aston Martin DBS is a related means of transport to the Aston Martin V8, which was succeeded by the Aston Martin Virage." }, { "source": "webnlg", "text": "The Aston Martin V8 (which was succeeded by the Aston Martin Virage) and the Aston Martin DBS are a related means of transport." }, { "source": "webnlg", "text": "The Aston Martin V8 is connected to the Aston Martin DBS and was succeded by the Aston Martin Virage." } ] }, { "tripleset": [ [ "Aston Martin V8", "SUCCESSOR", "Aston Martin Virage" ], [ "Aston Martin Virage", "MANUFACTURER", "Aston Martin" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Aston Martin V8 was succeeded by the Aston Martin Virage which is made by the company Aston Martin." }, { "source": "webnlg", "text": "Aston Martin Virage succeeded the Aston Martin V8 and is manufactured by Aston Martin." }, { "source": "webnlg", "text": "The Aston Martin Virage which was manufactured by Aston Martin, was succeeded the Aston Martin V8." } ] }, { "tripleset": [ [ "Atlas II", "FINAL_FLIGHT", "1998-03-16" ], [ "Atlas II", "DIAMETER", "3.04 m" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Atlas II, which is 3.04m in diameter, had its final flight on March 16th 1998." }, { "source": "webnlg", "text": "The final flight of Atlas II, which has a diameter of 3.04m, was on 16 March 1998." }, { "source": "webnlg", "text": "Atlas II has a diameter of 3.04m and its final flight was on the 16th March 1998." } ] }, { "tripleset": [ [ "Atlas II", "LAUNCH_SITE", "Cape Canaveral Air Force Station" ], [ "Atlas II", "MANUFACTURER", "Lockheed Martin" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Lockheed Martin manufactured Atlas II was launched from Cape Canaveral Air Force Station." }, { "source": "webnlg", "text": "The Atlas II, manufactured by Lockheed Martin, was launched from Cape Canaveral Air Force Station." }, { "source": "webnlg", "text": "The Atlas II was manufactured by Lockheed Martin and launched from the Cape Canaveral Air Force Station." } ] }, { "tripleset": [ [ "Audi A1", "MANUFACTURER", "Audi" ], [ "Audi", "DIVISION", "Audi e-tron" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Audi e-tron is a division of Audi, who make the Audi A1." }, { "source": "webnlg", "text": "Audi which is the manufacturer of the Audi A1 has a division called the Audi e-tron." }, { "source": "webnlg", "text": "The Audi A1 is manufactured by Audi who have a sub-division known as Audi e-tron." } ] }, { "tripleset": [ [ "Audi A1", "MANUFACTURER", "Audi" ], [ "Audi", "SUBSIDIARY", "Ducati" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Audi A1 is made by Audi who also own Ducati." }, { "source": "webnlg", "text": "The Audi A1 is made by Audi who also own Ducati." }, { "source": "webnlg", "text": "Ducati is a subsidiary of Audi, which is the manufacturer of the Audi A1." } ] }, { "tripleset": [ [ "Audi A1", "MANUFACTURER", "Audi" ], [ "Audi", "SUBSIDIARY", "Quattro GmbH" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Audi A1 is made by Audi, a subsidiary of which, is the Quattro Gmbh." }, { "source": "webnlg", "text": "The Quattro Gmbh is a subsidiary of the Audi who manufacture the Audi A1." }, { "source": "webnlg", "text": "The Quattro Gmbh is a subsidiary of Audi, the company that manufacturers the Audi A1." } ] }, { "tripleset": [ [ "Caterpillar Inc.", "KEY_PERSON", "Douglas R. Oberhelman" ], [ "AIDAluna", "POWER_TYPE", "Caterpillar Inc." ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Douglas R Oberhelman is a person at Caterpillar Inc. where the AIDAluna is manufactured." }, { "source": "webnlg", "text": "The power type of the AIDAluna is an engine manufactured by Caterpillar Inc where Douglas R Oberhelman is a key person." }, { "source": "webnlg", "text": "Douglas R. Oberhelman is a key person at Caterpillar Inc. who provide the engine power for the AIDAluna." } ] }, { "tripleset": [ [ "Delta II", "LAUNCH_SITE", "Vandenberg Air Force Base" ], [ "Antares (rocket)", "COMPARABLE", "Delta II" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Antares rocket is comparable with the Delta II whose launch site was at Vandenberg Air Force Base." }, { "source": "webnlg", "text": "The rocket Antares is comparable to the Delta II which was launched from the Vandenberg Air Force base." }, { "source": "webnlg", "text": "The Delta II, which is comparable to the rocket Antares, was launched at the Vandenberg Air Force Base." } ] }, { "tripleset": [ [ "Finland", "LEADER_NAME", "Juha Sipil\u00e4" ], [ "Aleksey Chirikov (icebreaker)", "BUILDER", "Finland" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The icebreaker Aleksey Chirikov was built in Finland where Juha Sipila is a leader." }, { "source": "webnlg", "text": "The icebreaker, the Aleksey Chirikov, is built by Finland, where the leader is Juha Sipila." }, { "source": "webnlg", "text": "Juha Sipil\u00e4 is a leader in Finland where the icebreaker ship Aleksey Chirikov was built." } ] }, { "tripleset": [ [ "General Dynamics Electric Boat", "PARENT_COMPANY", "General Dynamics" ], [ "American submarine NR-1", "BUILDER", "General Dynamics Electric Boat" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "General Dynamics is the parent company of, the General Dynamics Electric Boat Co. which is the builder of the American submarine NR-1." }, { "source": "webnlg", "text": "General Dynamics is the parent company of the General Dynamics Electric Boat Co which built the American submarine NR-1." }, { "source": "webnlg", "text": "The American submarine NR-1 was built by General Dynamics Electric Boat, the parent company of which, is General Dynamics." } ] }, { "tripleset": [ [ "MTU Friedrichshafen", "OWNER", "Rolls-Royce Holdings" ], [ "A-Rosa Luna", "POWER_TYPE", "MTU Friedrichshafen" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The A-Rosa Luna is powered by an engine made by MTU Friedrichshafen which is owned by Rolls-Royce Holdings." }, { "source": "webnlg", "text": "The A-Rosa Luna is powered by the Rolls-Royce Holdings owned, MTU Friedrichshafen, made engines." }, { "source": "webnlg", "text": "The A rosa Luna is powered by Rolls-Royce Holdings company MTU Friedrichshafen made engines." } ] }, { "tripleset": [ [ "United Kingdom", "LEADER_NAME", "Elizabeth II" ], [ "Aston Martin V8", "ASSEMBLY", "United Kingdom" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Aston Martin V8 is assembled in the United Kingdom, the leader of which, is Elizabeth II." }, { "source": "webnlg", "text": "Aston Martin V8 was assembled in the United Kingdom which is ruled by Queen Elizabeth II." }, { "source": "webnlg", "text": "The Aston Martin V8 is assembled in the United Kingdom where the ruler is Queen Elizabeth II." } ] }, { "tripleset": [ [ "Aaron S. Daggett", "AWARD", "Purple Heart" ], [ "Aaron S. Daggett", "BIRTH_PLACE", "Maine" ], [ "Aaron S. Daggett", "BATTLES", "Battle of Fredericksburg" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Purple Heart recipient Aaron S. Daggat was born in Maine and, most notably, fought in the Battle of Fredericksburg." }, { "source": "webnlg", "text": "Born in Maine, Purple Heart recipient, Aaron S Daggett has fought in battles, the most notable being the Battle of Fredericksburg." }, { "source": "webnlg", "text": "Aaron S Daggett, born in Maine, fought in the Battle of Fredericksburg. He was given the Purple Heart." } ] }, { "tripleset": [ [ "Ab Klink", "ALMA_MATER", "Erasmus University Rotterdam" ], [ "Ab Klink", "PARTY", "Christian Democratic Appeal" ], [ "Ab Klink", "BIRTH_PLACE", "Netherlands" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Ab Klink was born in the Netherlands, belongs to the Christian Democratic Appeal party and graduated from Erasmus University in Rotterdam." }, { "source": "webnlg", "text": "Born in the Netherlands, Ab Klink attended Erasmus University Rotterdam and belongs to the Christian Democratic Appeal party." } ] }, { "tripleset": [ [ "Abdul Rahman Ya'kub", "HAS_DEPUTY", "Stephen Yong Kuet Tze" ], [ "Abdul Taib Mahmud", "BIRTH_PLACE", "Kingdom of Sarawak" ], [ "Abdul Taib Mahmud", "SUCCESSOR", "Abdul Rahman Ya'kub" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Abdul Taib Mahmud was born in the Kingdom of Sarawak and he succeeded Abdul Rahman Ya'kub. Stephen Yong Kuet Tze is the deputy to Abdul Rahman Ya'kub." }, { "source": "webnlg", "text": "Abdul Taib Mahmud's birthplace was Kingdom of Sarawak and he was succeeded by Abdul Rahman Ya'Kub whose deputy was Stephen Yong Kuet Tze." }, { "source": "webnlg", "text": "Abdul Taib Mahmud was born in the Kingdom of Sarawak. Stephen Yong Kuet Tze is the deputy to Abdul Rahman Ya'kub who was succeeded by Abdul Taib Mahmud." } ] }, { "tripleset": [ [ "Abdul Taib Mahmud", "RESIDENCE", "Sarawak" ], [ "Abdul Taib Mahmud", "BIRTH_PLACE", "Kingdom of Sarawak" ], [ "Abdul Taib Mahmud", "PARTY", "\"Barisan Ra'ayat Jati Sarawak\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Born in the Kingdom of Sarawak, Abdul Taib Mahmud, resides in Sarawak and is a member of Barisan Ra'ayat Jati Sarawak party." }, { "source": "webnlg", "text": "Abdul Taib Mahmud was born and lives in the Kingdom of Sarawak and is a member of the \"Barisan Ra'ayat Jati Sarawak\" party." }, { "source": "webnlg", "text": "Abdul Taid Mahmud, a member of Barisan Ra'ayat Jati Sarawak party, was born in Kingdom of Sarawak and lives in Sarawak." } ] }, { "tripleset": [ [ "Abdulsalami Abubakar", "BIRTH_PLACE", "Niger State" ], [ "Abdulsalami Abubakar", "ALMA_MATER", "Technical Institute, Kaduna" ], [ "Abdulsalami Abubakar", "OFFICE_(WORKED_AT,_WORKED_AS)", "Chief of the Defence Staff (Nigeria)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Abdulsalami Abubakar was born in Niger State, graduated from the Technical Institute Kaduna and worked as the Nigerian Chief of the Defence Staff." }, { "source": "webnlg", "text": "Abdulsalami Abubakar was born in Niger State, graduated from the Technical Institute in Kaduna and became the Chief of the Defence Staff in Nigeria." }, { "source": "webnlg", "text": "Abdulsalami Abubakar's was born in Niger State. He attended the Technical Institute Kaduna and was part of the Chief of the Defence Staff in Nigeria." } ] }, { "tripleset": [ [ "Abdulsalami Abubakar", "SUCCESSOR", "Olusegun Obasanjo" ], [ "Abdulsalami Abubakar", "MILITARY_BRANCH", "Nigerian Air Force" ], [ "Olusegun Obasanjo", "IN_OFFICE_WHILE_VICE_PRESIDENT", "Atiku Abubakar" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Abdulsalami Abubakar, who served in the Nigerian Air Force, was succeeded by Olusegun Obasanjo, who was in office at the same time that Atiku Abubakar was Vice President." }, { "source": "webnlg", "text": "Nigerian Air Force member Abdulsalami Akubar was succeeded by Olusegun Obasanjo who was in office whilst Atiku Akubakar was Vice President." }, { "source": "webnlg", "text": "Abdulsalami Abubakar served in the Nigerian Air Force. He was Vice-President when Olusegun Obasanjo was in office. Mr. Obasanjo succeeded Abdulsalami Abubakar." } ] }, { "tripleset": [ [ "Abdulsalami Abubakar", "SUCCESSOR", "Olusegun Obasanjo" ], [ "Abdulsalami Abubakar", "MILITARY_BRANCH", "Nigerian Army" ], [ "Olusegun Obasanjo", "IN_OFFICE_WHILE_VICE_PRESIDENT", "Atiku Abubakar" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Olusegun Obasanjo was succeeded by Abdulsalami Abubakar of the Nigerian Army and was in office during Atiku Abubaker's Vice Presidency." }, { "source": "webnlg", "text": "Olusegun Obasanjo, who was in office while Atiku Abubakar was Vice President, succeeded Nigerian Army man Abdulsalami Abubakar." } ] }, { "tripleset": [ [ "Abel Caballero", "BIRTH_PLACE", "Ponteareas" ], [ "Abel Caballero", "OFFICE_(WORKED_AT,_WORKED_AS)", "\"Member of the Congress of Deputies\"" ], [ "Abel Caballero", "BIRTH_PLACE", "Galicia (Spain)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Abel Caballero was born in Ponteareas in Galicia, Spain and worked as a Member of the Congress of Deputies." }, { "source": "webnlg", "text": "Abel Caballero, born in Ponteareas, Galicia, Spain, worked as a Member of the Congress of Deputies." } ] }, { "tripleset": [ [ "Abel Caballero", "BIRTH_PLACE", "Spain" ], [ "Abel Caballero", "BIRTH_PLACE", "Galicia (Spain)" ], [ "Abel Caballero", "PARTY", "Spanish Socialist Workers' Party" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Abel Caballero was born in Galicia, Spain, and is a member of the Spanish Socialist Workers' Party." }, { "source": "webnlg", "text": "Abel Caballero was born in Galicia in Spain and is a member of the Spanish Socialist Workers' Party." }, { "source": "webnlg", "text": "Abel Caballero, born in Galicia in Spain, is a member of the Spanish Socialist Workers' Party." } ] }, { "tripleset": [ [ "Abner W. Sibal", "BATTLES", "World War II" ], [ "Abner W. Sibal", "MILITARY_BRANCH", "United States Army" ], [ "World War II", "COMMANDER", "Joseph Stalin" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Abner W. Sibal served in the United States Army and fought during WWII, when Joseph Stalin was a commander." }, { "source": "webnlg", "text": "Abner W. Sibal served in the United States Army and fought in WWII. Joseph Stalin was a commander in that war." }, { "source": "webnlg", "text": "Abner W Sibal served with the US Army in World War II. Joseph Stalin was a commander in the Second World War." } ] }, { "tripleset": [ [ "Abner W. Sibal", "OFFICE_(WORKED_AT,_WORKED_AS)", "\"Member of the Connecticut Senate from the 26th District\"" ], [ "Abner W. Sibal", "PARTY", "Republican Party (United States)" ], [ "Abner W. Sibal", "BIRTH_PLACE", "Ridgewood, Queens" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Abner W. Sibal was born in Ridgewood, Queens and a member of the Republic Party of the U.S. He was also a member of the Connecticut Senate from the 26th District." }, { "source": "webnlg", "text": "Born in Ridgewood, Queens, Abner W. Sibal, was a member of both the Connecticut Senate from the 26th District, and the Republican party of the United States." }, { "source": "webnlg", "text": "Ridgewood, Queens is the birthplace of Abner W. Sibal. He was a member of the Republican party and a member of the Connecticut Senate from the 26th District in the U.S." } ] }, { "tripleset": [ [ "Adam Holloway", "BATTLES", "Gulf War" ], [ "Gulf War", "COMMANDER", "George H. W. Bush" ], [ "Adam Holloway", "MILITARY_BRANCH", "Grenadier Guards" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "During the Gulf War George H W Bush served as a commander and Adam Holloway of the Grenadier Guards was involved in the battles." }, { "source": "webnlg", "text": "During the Gulf war George H W Bush was a commander and Adam Holloway was involved in the battles whilst serving in the Grenadier guards." }, { "source": "webnlg", "text": "Adam Holloway served in the Grenadier Guards and fought in the Gulf War. George H. W. Bush was a commander in the Gulf War." } ] }, { "tripleset": [ [ "Adam Holloway", "PARTY", "Conservative Party (UK)" ], [ "Adam Holloway", "BIRTH_PLACE", "Faversham" ], [ "Adam Holloway", "ALMA_MATER", "Magdalene College, Cambridge" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Conservative Party (UK) member Adam Holloway, who studied at Magdalene College, Cambridge, was born in Faversham." }, { "source": "webnlg", "text": "Magdalene College Cambridge, was the alma mater of Adam Holloway, who was born in Faversham, and is a member of the Tories." }, { "source": "webnlg", "text": "Adam Holloway was born in Faversham, graduated from Magdalene College, Cambridge and is a member of the Tory party." } ] }, { "tripleset": [ [ "Adam Koc", "BATTLES", "Polish\u2013Soviet War" ], [ "Adam Koc", "BIRTH_PLACE", "Congress Poland" ], [ "Polish\u2013Soviet War", "COMMANDER", "Leon Trotsky" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Adam Koc, who was born in Congress in Poland, fought in the Polish Soviet War in which Leon Trotsky was a commander." }, { "source": "webnlg", "text": "Leon Trotsky was a commander in the Polish Soviet war in which Adam Koc was also involved. Koc was born in Congress, Poland." } ] }, { "tripleset": [ [ "Adam Koc", "BATTLES", "Polish\u2013Soviet War" ], [ "Polish\u2013Soviet War", "IS_PART_OF_MILITARY_CONFLICT", "Russian Civil War" ], [ "Polish\u2013Soviet War", "COMMANDER", "Leon Trotsky" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Polish-Soviet War, which was part of the Russian Civil War, was where Adam Koc fought and where Leon Trotsky was a commander." }, { "source": "webnlg", "text": "Leon Trotsky was a commander in the Polish-Soviet war, part of the Russian Civil War military conflict in which Adam Koc was involved." }, { "source": "webnlg", "text": "Adam Koc fought in the Polish\u2013Soviet War which was a conflict within the Russian Civil War. Leon Trotsky was the commender in the Polish - Soviet War." } ] }, { "tripleset": [ [ "Adonis Georgiadis", "BIRTH_PLACE", "Greece" ], [ "Adonis Georgiadis", "OFFICE_(WORKED_AT,_WORKED_AS)", "\"Deputy Parliamentary Spokesman of Popular Orthodox Rally\"" ], [ "Adonis Georgiadis", "BIRTH_PLACE", "Athens" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Born in Athens, Greece, Adonis Georgiadis, has worked as the Deputy Parliamentary Spokesman of Popular Orthodox Rally." }, { "source": "webnlg", "text": "Born in Athens, Greece, Adonis Georgiadis, worked as the Deputy Parliamentary Spokesman of Popular Orthodox Rally." }, { "source": "webnlg", "text": "Adonis Georgiadis, was born in Athens (Greece), and worked as the Deputy Parliamentary Spokesman for the Popular Orthodox Rally." } ] }, { "tripleset": [ [ "Adonis Georgiadis", "BIRTH_PLACE", "Greece" ], [ "Adonis Georgiadis", "OFFICE_(WORKED_AT,_WORKED_AS)", "\"Minister for Health\"" ], [ "Adonis Georgiadis", "BIRTH_PLACE", "Athens" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Adonis Georgiadis was born in Athens (Greece), and worked as Minister for Health." }, { "source": "webnlg", "text": "Adonis Georgiadis, born in Athens, Greece, worked as the Minister for Health." }, { "source": "webnlg", "text": "Adonis Georgiadis, born Athens (Greece), held office as the Minister for Health." } ] }, { "tripleset": [ [ "Adonis Georgiadis", "IN_OFFICE_WHILE_PRIME_MINISTER", "Antonis Samaras" ], [ "New Democracy (Greece)", "COLOR", "Blue" ], [ "Adonis Georgiadis", "PARTY", "New Democracy (Greece)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Adonis Georgiadis, a member of the Greek New Democracy Party (blue is their colour), served in office while Antonis Samaras was Prime Minister." }, { "source": "webnlg", "text": "Adonis Georgiadis was a member of the New Democracy party in Greece whose color is blue. Mr. Georgiadis was in office while Antonis Samaras was Prime Minister." }, { "source": "webnlg", "text": "Greek New Democracy Party (represented by the color blue) member Adonis Georgiadis was in office during Prime Minister Antonis Samaras' leadership." } ] }, { "tripleset": [ [ "Agnes Kant", "NATIONALITY", "Netherlands" ], [ "Netherlands", "LEADER_NAME", "Mark Rutte" ], [ "Agnes Kant", "OFFICE_(WORKED_AT,_WORKED_AS)", "House of Representatives (Netherlands)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Agnes Kant's nationality is the Netherlands. He worked at the House of Representatives there. Mark Rutte is a leader in the Netherlands." }, { "source": "webnlg", "text": "Agnes Kant is a national of the Netherlands and worked at the House of Representatives, where the leader is Mark Rutte." }, { "source": "webnlg", "text": "Agnes Kant worked at the House of Representatives in Netherlands, where she is from, and who's leader is Mark Rutte." } ] }, { "tripleset": [ [ "Agnes Kant", "NATIONALITY", "Netherlands" ], [ "Netherlands", "LEADER_NAME", "Mark Rutte" ], [ "Agnes Kant", "PARTY", "Socialist Party (Netherlands)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The nationality of Agnes Kant, a member of the Socialist party, is the Netherlands. Mark Rutte leads the Netherlands." }, { "source": "webnlg", "text": "Agnes Kant is a member of the Socialist Party in the Netherlands whose leader is Mark Rutte." }, { "source": "webnlg", "text": "The Netherlands, with the leader Mark Rutte, is where Agnes Kant, a member of the Socialist Party in the Netherlands hails from." } ] }, { "tripleset": [ [ "Agnes Kant", "OFFICE_(WORKED_AT,_WORKED_AS)", "\"Member of the House of Representatives\"" ], [ "Agnes Kant", "BIRTH_PLACE", "West Germany" ], [ "Agnes Kant", "ALMA_MATER", "Radboud University Nijmegen" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Agnes Kant was born in West Germany and was a member of the House of Representatives. He attended the Radboud University Nijmegen." }, { "source": "webnlg", "text": "Agnes Kant was born in West Germany. She was a Member of the House of Representatives and her Alma mater was Radboud University in Nijmegen." }, { "source": "webnlg", "text": "Agnes Kant, born in West Germany, graduated from Radboud University Nijmegen and worked as a member of the House of Representatives." } ] }, { "tripleset": [ [ "Airey Neave", "BATTLES", "World War II" ], [ "Airey Neave", "ACTIVE_YEARS_START_DATE", "1953-06-30" ], [ "Airey Neave", "ACTIVE_YEARS_END_DATE", "1979-03-30" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Airey Neave, who served in World War II had a career between 30 June 1953 and 30 March 1979." }, { "source": "webnlg", "text": "Airey Neave participated in World War II and his career lasted from 30 June 1953 to 30 March 1979." }, { "source": "webnlg", "text": "Airey Neave fought in World War II and had a political career that started on June 30th, 1953 and ended March 30th, 1979." } ] }, { "tripleset": [ [ "Airey Neave", "BATTLES", "World War II" ], [ "Airey Neave", "ACTIVE_YEARS_START_DATE", "1974-03-04" ], [ "Airey Neave", "ACTIVE_YEARS_END_DATE", "1979-03-30" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Airey Neave fought in Worl War II and started his political career on March 4th 1974 which ended on March 30th 1979." }, { "source": "webnlg", "text": "Airey Neave, began his career on March 4th 1974, fought in World War II and ended his career on 30th March 1979." }, { "source": "webnlg", "text": "Airey Neave, who was in World War II, began his career on March 4th 1974 and ended it on 30th March 1979." } ] }, { "tripleset": [ [ "Albert B. White", "DEATH_YEAR", "1941" ], [ "Albert B. White", "DATE_OF_BIRTH", "1856-09-22" ], [ "Albert B. White", "DATE_OF_DEATH", "1941-07-03" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Born September 22nd, 1856, Albert B. White, died on the July 3rd, 1941." }, { "source": "webnlg", "text": "Born on 22nd September 1856, Albert B White, died on the 3rd July 1941." }, { "source": "webnlg", "text": "Albert B. White was born 22nd of September, 1856 and died on 3rd of July, 1941." } ] }, { "tripleset": [ [ "Albert B. White", "SPOUSE", "Agnes Ward White" ], [ "Agnes Ward White", "BIRTH_PLACE", "Marietta, Ohio" ], [ "Albert B. White", "SUCCESSOR", "William M. O. Dawson" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Agnes Ward White, born in Marietta,Ohio was married to Albert B. White who was succeeded by William MO Dawson." }, { "source": "webnlg", "text": "William M. O. Dawson succeeded Albert B. White, whose spouse was Agnes Ward White, who was born in Marietta, Ohio." } ] }, { "tripleset": [ [ "Albert Jennings Fountain", "BIRTH_PLACE", "Staten Island" ], [ "Albert Jennings Fountain", "DEATH_PLACE", "United States" ], [ "United States", "ETHNIC_GROUP", "African Americans" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Albert Jennings Fountain was born in Staten Island and died in the US where African Americans are one of the ethnic groups." }, { "source": "webnlg", "text": "Albert Jennings Fountain was born in Staten Island and he died in the U.S. African Americans live in the United States." }, { "source": "webnlg", "text": "Albert Jennings Fountain was born in Staten Island and died in the United States, the country, where African Americans are one of the ethnic groups." } ] }, { "tripleset": [ [ "Albert Jennings Fountain", "DEATH_PLACE", "New Mexico Territory" ], [ "Albert Jennings Fountain", "BIRTH_PLACE", "New York City" ], [ "Albert Jennings Fountain", "BIRTH_PLACE", "Staten Island" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Albert Jennings Fountain was born in Staten Island, New York City and died in the New Mexico Territory." }, { "source": "webnlg", "text": "Albert Jennings Fountain was born in Staten Island, New York City and died in New Mexico Territory." }, { "source": "webnlg", "text": "Albert Jennings Fountain was born in Staten Island in New York City. He passed away in New Mexico Territory." } ] }, { "tripleset": [ [ "Albert Jennings Fountain", "DEATH_PLACE", "United States" ], [ "Albert Jennings Fountain", "BIRTH_PLACE", "New York" ], [ "Albert Jennings Fountain", "BIRTH_PLACE", "Staten Island" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Albert Jennings Fountain was born in Staten Island in New York. He died in the U.S." }, { "source": "webnlg", "text": "Albert Jennings Fountain was born in Staten Island, New York and also died in the US." }, { "source": "webnlg", "text": "Albert Jennings Fountain was born in Staten Island, New York and later died in the United States." } ] }, { "tripleset": [ [ "Alberto Teisaire", "DEATH_PLACE", "Buenos Aires" ], [ "Buenos Aires", "GOVERNING_BODY", "Buenos Aires City Legislature" ], [ "Buenos Aires", "LEADER_NAME", "Horacio Rodr\u00edguez Larreta" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Buenos Aires, which is the death place of Alberto Teisaire, is governed by the Buenos Aires City Legislature and led by Horacio Rodr\u00edguez Larreta." }, { "source": "webnlg", "text": "Alberto Teisaire died in Buenos Aires, the country which is governed by the Buenos Aires City Legislature and the leader is, Horacio Rodr\u00edguez Larreta." }, { "source": "webnlg", "text": "Alberto Teisaire's place of death was Buenos Aires, where Horacio Rodr\u00edguez Larreta is the leader and where, the governing body, is the Buenos Aires City Legislature." } ] }, { "tripleset": [ [ "Alberto Teisaire", "PROFESSION", "Rear admiral" ], [ "Alberto Teisaire", "SUCCESSOR", "Isaac Rojas" ], [ "Alberto Teisaire", "BIRTH_PLACE", "Mendoza, Argentina" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Rear Admiral, Alberto Teisaire, was born in Mendoza in Agentina, and succeeded by, Isaac Rojas." }, { "source": "webnlg", "text": "Alberto Teisaire was born in Mendoza in Argentina and was a Rear Admiral who was succeeded by Isaac Rojas." } ] }, { "tripleset": [ [ "Alfons Gorbach", "DEATH_PLACE", "Graz" ], [ "Alfons Gorbach", "BIRTH_PLACE", "County of Tyrol" ], [ "Alfons Gorbach", "BIRTH_PLACE", "Austria" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alfons Gorbach was born in the County of Tyrol, Austria and died in the city of Graz." }, { "source": "webnlg", "text": "Alfons Gorbach was born in the County of Tyrol in Austria and later died in Graz." }, { "source": "webnlg", "text": "Alfons Gorbach was born in the County of Tyrol in Austria, and died in Graz." } ] }, { "tripleset": [ [ "Alfred N. Phillips", "SUCCESSOR", "Albert E. Austin" ], [ "Alfred N. Phillips", "BIRTH_PLACE", "Connecticut" ], [ "Alfred N. Phillips", "OFFICE_(WORKED_AT,_WORKED_AS)", "\"Member of the U.S. House of Representatives from Connecticut's 4th district\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alfred N. Phillips was born in connecticut where he worked as a Member of the U.S House of Representatives in the 4th district and he is the successor of Albert E. Austin." }, { "source": "webnlg", "text": "Alfred N. Phillips was a Member of the U.S. House of Representatives from Connecticut's 4th district who was born in Connecticut and succeeded by Albert E Austin." } ] }, { "tripleset": [ [ "Alfred N. Phillips", "SUCCESSOR", "Albert E. Austin" ], [ "Alfred N. Phillips", "BIRTH_PLACE", "Darien, Connecticut" ], [ "Alfred N. Phillips", "OFFICE_(WORKED_AT,_WORKED_AS)", "\"Member of the U.S. House of Representatives from Connecticut's 4th district\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alfred N. Phillips, who was born in Darien, Connecticut, was a Member of the U.S. House of Representatives from Connecticut's 4th district and was succeeded by Albert E. Austin." }, { "source": "webnlg", "text": "Born in Darien Connecticut, Alfred N Phillips, worked as Member of the U.S. House of Representatives from Connecticut's 4th district and was succeeded by, Albert E. Austin." }, { "source": "webnlg", "text": "Alfred N Phillips was born in Darien Connecticut and prior to being succeeded by Albert E Austin worked as Member of the U.S. House of Representatives from Connecticut's 4th district." } ] }, { "tripleset": [ [ "Allan Shivers", "OFFICE_(WORKED_AT,_WORKED_AS)", "\"Member of the Texas State Senate from District 4 (Port Arthur)\"" ], [ "Allan Shivers", "PARTY", "Democratic Party (United States)" ], [ "Allan Shivers", "SUCCESSOR", "Wilfred R. Cousins, Jr." ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Allan Shivers served in the Democratic Party in the U.S. and worked as a member of the Texas State Senate from District 4 (Port Arthur) before being succeeded by Wilfred R Cousins Jr." }, { "source": "webnlg", "text": "Allan Shivers served in the U.S. Democratic Party, was a member of the Texas State Senate District 4 for Port Arthur and was succeeded by Wilfred R. Cousins, Jr." }, { "source": "webnlg", "text": "Allan Shivers was a member of both the Democratic Party in the United States and the Texas State Senate District 4 for Port Arthur. His successor was, Wilfred R. Cousins, Jr." } ] }, { "tripleset": [ [ "Alvah Sabin", "ACTIVE_YEARS_END_DATE", "1857-03-03" ], [ "Alvah Sabin", "REGION", "Vermont" ], [ "Vermont", "LARGEST_CITY", "Burlington, Vermont" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alvah Sabin, who ended his career on 3 March 1857, represented Vermont where the largest city is Burlington." }, { "source": "webnlg", "text": "Alvah Sabin, who retired on 3rd March 1857, represented Vermont, where the largest city is Burlington." }, { "source": "webnlg", "text": "Alvah Sabin represented Vermont - largest city; Burlington - and ended his career on March 3rd 1857." } ] }, { "tripleset": [ [ "Alvah Sabin", "PARTY", "Whig Party (United States)" ], [ "Alvah Sabin", "DATE_OF_BIRTH", "1793-10-23" ], [ "Whig Party (United States)", "LEADER_NAME", "Henry Clay" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Born on 23rd October, 1793, Alvah Sabin, was a member of the United States Whig Party, the leader of which, was Henry Clay." }, { "source": "webnlg", "text": "Alvah Sabin, who was born on October 23rd, 1793, was a member of the Whig Party of the United States which was led by Henry Clay." } ] }, { "tripleset": [ [ "Alvah Sabin", "PARTY", "Whig Party (United States)" ], [ "Whig Party (United States)", "LEADER_NAME", "Daniel Webster" ], [ "Alvah Sabin", "BIRTH_PLACE", "Georgia, Vermont" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Born in Georgia, Vermont, Alvah Sabin, was a member of the Whig Party of the United States. Daniel Webster is the leader of the Whig Party in the United States." }, { "source": "webnlg", "text": "Alvah Sabin was born in Georgia Vermont and became a member of the Whig Party of the United States which is led by Daniel Webster." }, { "source": "webnlg", "text": "Alvah Sabin was born in Georgia, Vermont and belongs to the United States Whig party which is led by Daniel Webster." } ] }, { "tripleset": [ [ "American Civil War", "COMMANDER", "Abraham Lincoln" ], [ "Albert Jennings Fountain", "BATTLES", "American Civil War" ], [ "Albert Jennings Fountain", "BIRTH_PLACE", "United States" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Albert Jennings Fountain was born in the United States and fought in the American Civil War. A commander in that war was Abraham Lincoln." }, { "source": "webnlg", "text": "Abraham Lincoln was a commander in the American Civil War, where US born Albert Jennings Fountain fought." }, { "source": "webnlg", "text": "Albert Jennings was born in the United States and fought in the American Civil War, where Abraham Lincoln was a commander." } ] }, { "tripleset": [ [ "American Civil War", "COMMANDER", "Jefferson Davis" ], [ "Alfred Moore Scales", "BATTLES", "Battle of Fredericksburg" ], [ "Battle of Fredericksburg", "IS_PART_OF_MILITARY_CONFLICT", "American Civil War" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The battle of Fredericksburg, in which Alfred Moore Scales paricipated, was part of the American Civil War military conflict during which Jefferson Davis was a commander." }, { "source": "webnlg", "text": "Alfred Moore Scales was in the American Civil War, Battle of Fredericksburg. Jefferson Davis was an American Civil War commander." }, { "source": "webnlg", "text": "Jefferson Davis was a commander in the American civil war which included the Battle of Fredericksburg in which Alfred Moore Scales fought." } ] }, { "tripleset": [ [ "Austria", "LEADER_NAME", "Doris Bures" ], [ "Alfons Gorbach", "BIRTH_PLACE", "County of Tyrol" ], [ "Alfons Gorbach", "DEATH_PLACE", "Austria" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alfons Gorbach ws born in the County of Tyrol and later died in Austria which is led by Doris Bures." }, { "source": "webnlg", "text": "Alfons Gorbach, was born in the County of Tyrol and died in Austria, the leader of which, is Doris Bures." } ] }, { "tripleset": [ [ "Austria", "LEADER_NAME", "Doris Bures" ], [ "Alfons Gorbach", "BIRTH_PLACE", "Tyrol (state)" ], [ "Alfons Gorbach", "DEATH_PLACE", "Austria" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alfons Gorbach's place of birth was the state, Tyrol and place of death was in Austria, the leader of which, is Doris Bures." }, { "source": "webnlg", "text": "Alfons Gorbach was born in the state of Tyrol and died in Austria, where the leader is Doris Bures." } ] }, { "tripleset": [ [ "Austria", "LEADER_NAME", "Doris Bures" ], [ "Alfons Gorbach", "DEATH_PLACE", "Styria" ], [ "Alfons Gorbach", "DEATH_PLACE", "Austria" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alfons Gorbach died in Styria, Austria where Doris Bures is a leader." }, { "source": "webnlg", "text": "Doris Bures is the leader of Austria where Alfons Gorbach died in Styria." } ] }, { "tripleset": [ [ "Battle of Salem Church", "COMMANDER", "Robert E. Lee" ], [ "Battle of Salem Church", "IS_PART_OF_MILITARY_CONFLICT", "American Civil War" ], [ "Aaron S. Daggett", "BATTLES", "Battle of Salem Church" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Battle of Salem Church, in which Aaron S Daggett fought and in which Robert E Lee was a commander, was part of the American Civil War." }, { "source": "webnlg", "text": "Robert E Lee was a commander in the Battle of Salem Church, which was one of the military conflicts in the American Civil War. Aaron S Daggett fought in the same battle." }, { "source": "webnlg", "text": "The Battle of Salem Church, where Aaron S Daggett fought and Robert E Lee was a commander, was part of the American Civil War." } ] }, { "tripleset": [ [ "Netherlands", "CURRENCY", "Euro" ], [ "Ab Klink", "BIRTH_PLACE", "Stellendam" ], [ "Ab Klink", "NATIONALITY", "Netherlands" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Ab Klink was born in Stellendam in the Netherlands, where the national currency is the euro." }, { "source": "webnlg", "text": "Born in Stellendam, Ab Klink is a national of the Netherlands where the Euro is the currency." }, { "source": "webnlg", "text": "Ab Klink was born in Stellendam and he is a national of the Netherlands. The euro is the currency there." } ] }, { "tripleset": [ [ "Poland", "LANGUAGE", "Polish language" ], [ "Adam Koc", "NATIONALITY", "Poland" ], [ "Poland", "ETHNIC_GROUP", "Kashubians" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Adam Koc is from Poland, where Polish is spoken and where Kashubians are an ethnic group." }, { "source": "webnlg", "text": "The Polish language is used in Poland, where Adam koc was from. Poland has an ethnic group called Kashubians." } ] }, { "tripleset": [ [ "(19255) 1994 VK8", "ESCAPE_VELOCITY", "0.0925 (kilometrePerSeconds)" ], [ "(19255) 1994 VK8", "MASS", "5.6 (kilograms)" ], [ "(19255) 1994 VK8", "APOAPSIS", "6603633000.0 (kilometres)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "19255 1994 VK8, with a mass of 5.6kg, has an apoapsis of 6603633000.0 kilometres and an escape velocity of 0.0925 km/s." }, { "source": "webnlg", "text": "19255 1994 VK8 has a mass of 5.6kg and an escape velocity of 0.0925 kilometres per second. Its apoapsis is 6603633000.0 km." }, { "source": "webnlg", "text": "(19255) 1994 VK8 has an escape velocity of 0.0925 km per sec, a mass of 5.6 kgs and an apoapsis of 6603633000.0 km." } ] }, { "tripleset": [ [ "(410777) 2009 FD", "ORBITAL_PERIOD", "39447000.0" ], [ "(410777) 2009 FD", "PERIAPSIS", "88234300000.0" ], [ "(410777) 2009 FD", "DISCOVERER", "Spacewatch" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The celestial body known as (410777) 2009 FD has an orbital period of 39447000 , has a periapsis of 88234300000.0 and it was discovered by Spacewatch." }, { "source": "webnlg", "text": "(410777) 2009 FD, which was discovered by Spacewatch, has an orbital period of 39447000.0 and a periapsis of 88234300000.0." }, { "source": "webnlg", "text": "Discovered by Spacewatch, (410777) 2009 FD has a periapsis of 88234300000.0, and an orbital period of 39447000.0." } ] }, { "tripleset": [ [ "(66063) 1998 RO1", "MINIMUM_TEMPERATURE", "-71.0 (degreeCelsius)" ], [ "(66063) 1998 RO1", "MAXIUMUM_TEMPERATURE", "500.0 (kelvins)" ], [ "(66063) 1998 RO1", "APOAPSIS", "254989570.60815 (kilometres)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "(66063) 1998 RO1 has an apoapsis of 254989570.60815 km, a maximum temperature of 500 kelvins and a minimum temperature of -71 degrees celsius." }, { "source": "webnlg", "text": "With an apoapsis of 254989570.60815 kilometres, (66063) 1998 RO1, has a minimum temperature of -71.0 degrees Celsius and a maximum temperature of 500.0 kelvins." }, { "source": "webnlg", "text": "The minimum temperature of (66063) 1998 RO1 is -71.0 deg celsius and its max temperature is 500.0 (kelvins). It has an apoapsis of 254989570.60815 kilometres." } ] }, { "tripleset": [ [ "(66391) 1999 KW4", "AVERAGE_SPEED", "37.16 (kilometrePerSeconds)" ], [ "(66391) 1999 KW4", "DENSITY", "2.0 (gramPerCubicCentimetres)" ], [ "(66391) 1999 KW4", "APOAPSIS", "162164091.8388 (kilometres)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The celestial body known as (66391) 1999 KW4 has an apoapsis of 162164091.8388 km, an average speed of 37.16 kilometres per second, and a density of 2.0 grams per cubic centimetre." }, { "source": "webnlg", "text": "Having a density of 2.0 gm per cu cm, (66391) 1999 KW4, has an apoapsis of 162164091.8388 kilometres, an the average speed of 37.16 km per sec." }, { "source": "webnlg", "text": "The celestial body known as (66391) 1999 KW4 has an apoapsis of 162164091.8388 km and an average speed of 37.16 kilometres per second. It's density is 2.0 gm per cu cm." } ] }, { "tripleset": [ [ "1000 Piazzia", "ORBITAL_PERIOD", "488160.0" ], [ "1000 Piazzia", "PERIAPSIS", "352497000000.0" ], [ "1000 Piazzia", "EPOCH", "2015-06-27" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The celestial body known as 1000 Piazzia has an orbital period of 488160. It has a periapsis of 352497000000.0 and the epoch date of, 2015-06-27." } ] }, { "tripleset": [ [ "1001 Gaussia", "EPOCH", "2015-06-27" ], [ "1001 Gaussia", "FORMER_NAME", "\"1923 OAA907 XC\"" ], [ "1001 Gaussia", "PERIAPSIS", "419113394.55312 (kilometres)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The periapsis of the 1001 Gaussia (formally known as 1923 OAA907 XC) is 419113394.55312 km and it has an epoch date of the 31st July 2016." }, { "source": "webnlg", "text": "1001 Gaussia, which was formerly called \"1923 OAA907 XC\", has an epoch date of 31 July 2016 and a periapsis of 419113394.55312 kilometres." } ] }, { "tripleset": [ [ "101 Helena", "MASS", "3.0 (kilograms)" ], [ "101 Helena", "ESCAPE_VELOCITY", "0.0348 (kilometrePerSeconds)" ], [ "101 Helena", "APOAPSIS", "441092000.0 (kilometres)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "101 Helena(mass 3.0kgs) has an escape velocity of 0.0348 kilometres per second and its apoapsis is 441092000.0 (kms)." }, { "source": "webnlg", "text": "101 Helena; has a mass of 3.0 kgs, an escape velocity of 0.0348 kilometres per second, and an apoapsis of 441092000.0 kilometres." } ] }, { "tripleset": [ [ "1036 Ganymed", "DISCOVERER", "Walter Baade" ], [ "Walter Baade", "NATIONALITY", "Germany" ], [ "Walter Baade", "ALMA_MATER", "University of G\u00f6ttingen" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "1036 Ganymed was discovered by Walter Baade, a German National who studied at the University of Gottingen." }, { "source": "webnlg", "text": "Walter Baade, a German national who graduated from the University of Gottingen, discovered 1036 Ganymed." }, { "source": "webnlg", "text": "Walter Baade, a German National, discovered 1036 Ganymed. His alma mater was the University of Gottingen." } ] }, { "tripleset": [ [ "103 Hera", "DISCOVERER", "James Craig Watson" ], [ "103 Hera", "EPOCH", "2011-08-27" ], [ "James Craig Watson", "DEATH_PLACE", "Madison, Wisconsin" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "103 Hera has an epoch date of August 27th 2011 and was discovered by James Craig Watson ,who died in Madison,Wisconsin." }, { "source": "webnlg", "text": "James Craig Watson was the discoverer of 103 Hera, the epoch of which is on the 31st of July 2016. He died in Madison, Wisconsin." }, { "source": "webnlg", "text": "103 Hera, which has the epoch of 27 August 2011, was discovered by James Craig Watson, who died in Madison, Wisconsin." } ] }, { "tripleset": [ [ "103 Hera", "DISCOVERER", "James Craig Watson" ], [ "James Craig Watson", "DEATH_PLACE", "Madison, Wisconsin" ], [ "James Craig Watson", "DEATH_CAUSE", "Peritonitis" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "James Craig Watson, who discovered 103 Hera, died in Madison, Wisconsin of peritonitis." }, { "source": "webnlg", "text": "103 Hera was discovered by James Craig Watson. He died in Madison, Wisconsin of peritonitis." }, { "source": "webnlg", "text": "103 Hera was discovered by James Craig Watson, who died of peritonitis in Madison, Wisconsin." } ] }, { "tripleset": [ [ "103 Hera", "EPOCH", "2011-08-27" ], [ "103 Hera", "ORBITAL_PERIOD", "1622.213 (days)" ], [ "103 Hera", "APOAPSIS", "437170000.0 (kilometres)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "103 Hera has an apoapsis of 437170000 km, an orbital period of 1622.213 days and an epoch date of 27 August 2011." }, { "source": "webnlg", "text": "103 Hera has the epoch of 27 August 2011. It has an orbital period of 1622.213 days and an apoapsis of 437170000.0 (kilometres)." }, { "source": "webnlg", "text": "103 Hera, which has an epoch date of 27 August 2011, has an apoapsis of 437170000.0 km and an orbital period of 1622.213 days." } ] }, { "tripleset": [ [ "103 Hera", "ESCAPE_VELOCITY", "0.0482 (kilometrePerSeconds)" ], [ "103 Hera", "TEMPERATURE", "170.0 (kelvins)" ], [ "103 Hera", "APOAPSIS", "437170000.0 (kilometres)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The celestial body known as 103 Hera has an escape velocity of 0.0482 k.p.s., temperature of 170.0 kelvins and an apoapsis of 437170000.0 kilometres." }, { "source": "webnlg", "text": "The celestial body known as 103 Hera has a temperature of 170 kelvins. It has has an escape velocity of 0.0482 kilometres per second and an apoapsis of 437170000.0 kilometres." }, { "source": "webnlg", "text": "103 Hera; has an escape velocity of 0.0482 kilometres per second, a temperature of 170.0 kelvins and an apoapsis of 437170000.0 kilometres." } ] }, { "tripleset": [ [ "107 Camilla", "DISCOVERER", "N. R. Pogson" ], [ "N. R. Pogson", "BIRTH_PLACE", "Nottingham" ], [ "N. R. Pogson", "NATIONALITY", "England" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "107 Camilla was discovered by the British NR Pogson who was born in Nottingham." }, { "source": "webnlg", "text": "NR Pogson was an English National who was born in Nottingham and discovered 107 Camilla." }, { "source": "webnlg", "text": "107 Camilla was discovered by English, N.R. Pogson, who was born in Nottingham." } ] }, { "tripleset": [ [ "1089 Tama", "EPOCH", "2005-11-26" ], [ "1089 Tama", "FORMER_NAME", "\"A894 VA; A904 VD;\"" ], [ "1089 Tama", "ORBITAL_PERIOD", "1202.846 (days)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Formerly named \"A894 VA; A 904 VD\", 1089 Tama has an orbital period of 1202.846 days, and it's epoch is 2005-11-26." }, { "source": "webnlg", "text": "The 1089 Tama (formally known as A894 VA; A904 VD) has an orbital period of 1202.846 days and an epoch date of the 26th November 2005." }, { "source": "webnlg", "text": "1089 Tama (formerly \"A894 VA; A904 VD\"), has an orbital period of 1202.846 days and the epoch date, 26 November 2005." } ] }, { "tripleset": [ [ "1089 Tama", "EPOCH", "2005-11-26" ], [ "1089 Tama", "PERIAPSIS", "288749000000.0" ], [ "1089 Tama", "APOAPSIS", "373513000.0 (kilometres)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The epoch date of 1089 Tama is 26 November 2005. It has a periapsis of 288749000000.0 and 373513000.0 km is the apoapsis." }, { "source": "webnlg", "text": "1089 Tama, with the epoch date November 26th 2005, has a periapsis of 288749000000.0. and an apoapsis of 373513000.0 kilometres." }, { "source": "webnlg", "text": "The epoch of 1089 Tama is November 26, 2005. It has a periapsis of 288749000000.0 and and its apoapsis is 373513000.0 (kilometres)." } ] }, { "tripleset": [ [ "1097 Vicia", "EPOCH", "2006-12-31" ], [ "1097 Vicia", "FORMER_NAME", "\"1928 PC\"" ], [ "1097 Vicia", "PERIAPSIS", "279142000000.0" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The epoch date of 1097 Vicia, which had 1928 PC as its former date, is 2006.12.31. Vicia has a periapsis measurement of 279142000000." } ] }, { "tripleset": [ [ "109 Felicitas", "EPOCH", "2006-12-31" ], [ "109 Felicitas", "MASS", "7.5 (kilograms)" ], [ "109 Felicitas", "ORBITAL_PERIOD", "139705000.0" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "109 Felicitas has an epoch date of 31 December 2006, a mass of 7.5 kg and an orbital period of 139705000.0." }, { "source": "webnlg", "text": "Weighing 7.5kgs, 109 Felicitas, has an epoch date of December 31st 2006, and its orbital period is, 139705000.0." }, { "source": "webnlg", "text": "The 109 Felicitas (mass of 7.5 kilograms) has an orbital period of 139705000.0 and has an epoch date of the 31st December 2006." } ] }, { "tripleset": [ [ "109 Felicitas", "EPOCH", "2006-12-31" ], [ "109 Felicitas", "ORBITAL_PERIOD", "139705000.0" ], [ "109 Felicitas", "APOAPSIS", "523329000.0 (kilometres)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The epoch date of 109 Felicitas was 31 December 2006,has an orbital period of 139705000.0 and its apoapsis is 523329000.0 kilometres." }, { "source": "webnlg", "text": "109 Felicitas has an epoch date of December 31st 2006. Its orbital period is is 139705000.0 and its apoapsis is 523329000.0 (kilometres)." }, { "source": "webnlg", "text": "109 Felicitas has an epoch date of December 31st 2006. It has an orbital period of 139705000.0 and an apoapsis of 523329000.0 kilometres." } ] }, { "tripleset": [ [ "10 Hygiea", "AVERAGE_SPEED", "16.76 (kilometrePerSeconds)" ], [ "10 Hygiea", "ORBITAL_PERIOD", "5.57 (days)" ], [ "10 Hygiea", "APOAPSIS", "523951582.33968 (kilometres)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The 10 Hygiea has an apoapsis of 523951582.33968 km and an average speed of 16.76 km per second. 5.57 days is the orbital period for the asteroid." }, { "source": "webnlg", "text": "10 Hygiea; has an average speed of 16.76 kilometres per second, an apoapsis of 523951582.33968 kilometre and takes 5.57 days to orbit." }, { "source": "webnlg", "text": "With an average speed of 16.76 km per secs, 10 Hygiea, takes 5.57 days to orbit and has an apoapsis of 523951582.33968 kilometres." } ] }, { "tripleset": [ [ "10 Hygiea", "AVERAGE_SPEED", "16.76 (kilometrePerSeconds)" ], [ "10 Hygiea", "SURFACE_AREA", "837080.744 (squareKilometres)" ], [ "10 Hygiea", "APOAPSIS", "523951582.33968 (kilometres)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "10 Hygiea has an apoapsis of 523951582.33968 km, a surface area of 837080.744 sq km and an average speed of 16.76 km per sec." }, { "source": "webnlg", "text": "The celestial body known as 10 Hygiea, has a surface area of 837080.744 square km and an average speed of 16.76 km per secs. 10 Hygiea has an apoapsis of 523951582.33968 kilometres." }, { "source": "webnlg", "text": "The astroid10 Hygiea has a surface area of 837080.744 square kilometres and an apoapsis of 523951582.33968 kilometres. Its average speed is 16.76 kilometres per second." } ] }, { "tripleset": [ [ "10 Hygiea", "SURFACE_AREA", "837080.744 (squareKilometres)" ], [ "10 Hygiea", "APOAPSIS", "523951582.33968 (kilometres)" ], [ "10 Hygiea", "TEMPERATURE", "164.0 (kelvins)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "10 Hygiea; has a surface area of 837080.744 square kilometres, an apoapsis of 523951582.33968 kilometres, and a temperature of 164.0 kelvins." }, { "source": "webnlg", "text": "The celestial body known as 10 Hygiea has a surface area of 837080.744 square km. It has an apoapsis of 523951582.33968 kilometres and a temperature of 164 Kelvins." }, { "source": "webnlg", "text": "The asteroid called 10 Hygiea, has an apoapsis of 523951582.33968 kilometres, a surface area of 837080.744 square km and a temperature of 164 Kelvins." } ] }, { "tripleset": [ [ "110 Lydia", "EPOCH", "2006-12-31" ], [ "110 Lydia", "MASS", "6.7 (kilograms)" ], [ "110 Lydia", "PERIAPSIS", "377016000000.0" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "110 Lydia's epoch is 31st December 2006, it has a mass of 6.7kg and a periapsis of 377016000000.0." }, { "source": "webnlg", "text": "110 Lydia has a mass of 6.7 kg, a periapsis of 377016000000.0, and has an epoch date of December 31st, 2006." }, { "source": "webnlg", "text": "110 Lydia has an epoch date of December 31st 2006. Its mass is 6.7 kg and has a periapsis measurement of 377016000000.0." } ] }, { "tripleset": [ [ "110 Lydia", "EPOCH", "2006-12-31" ], [ "110 Lydia", "PERIAPSIS", "377016000000.0" ], [ "110 Lydia", "APOAPSIS", "440756000.0 (kilometres)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "110 Lydia; has an apoapsis of 440756000.0 kilometres, a periapsis of 377016000000.0, and its epoch is 31st December 2006." }, { "source": "webnlg", "text": "110 Lydia, with the epoch date December 31st 2006, has an apoapsis of 440756000.0 km and a periapsis measurement of 377016000000.0." } ] }, { "tripleset": [ [ "Aaron Bertram", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Kids Imagine Nation" ], [ "Aaron Bertram", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Suburban Legends" ], [ "Suburban Legends", "GENRE", "Pop music" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "An artist with the band Kids Imagine Nation, Aaron Bertram plays for the Suburban Legends band which plays pop music." }, { "source": "webnlg", "text": "Aaron Bertram plays for the Suburban Legends pop music band.He is an artist with the band Kids Imagine Nation." }, { "source": "webnlg", "text": "Aaron Bertram plays for the Kids Imagine Nation band and the Suburban Legends, a pop music band." } ] }, { "tripleset": [ [ "Aaron Deer", "GENRE", "Indie rock" ], [ "Aaron Deer", "ORIGIN", "Indiana" ], [ "Aaron Deer", "ORIGIN", "United States" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Aaron Deer was born in Indiana,United States and his musical genre is indie rock." }, { "source": "webnlg", "text": "From Indiana (United States), Aaron Deer's musical genre is, indie rock." }, { "source": "webnlg", "text": "American Aaron Deer is an Indie rock musician from Indiana." } ] }, { "tripleset": [ [ "Aaron Deer", "ORIGIN", "United States" ], [ "Aaron Deer", "GENRE", "Psychedelia" ], [ "Aaron Deer", "ORIGIN", "Indiana" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Aaron Deer is an American from Indiana who performs Psychedelia music." }, { "source": "webnlg", "text": "American, Aaron Deer, whose genre is Psychedelia, is from Indiana." }, { "source": "webnlg", "text": "American Aaron Deer, comes from Indiana and performs Psychedelia music." } ] }, { "tripleset": [ [ "Aaron Turner", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Twilight (band)" ], [ "Aaron Turner", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Greymachine" ], [ "Aaron Turner", "GENRE", "Black metal" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Black Metal music is Aaron Turner's thing and he plays for Twilight band. Mr. Turner is also associated with Greymachine, the band." }, { "source": "webnlg", "text": "Aaron Turner's music genre is Black Metal and he played with the Twilight band. He is also associated with the Greymachine band." }, { "source": "webnlg", "text": "Aaron Turner; performs black metal music, played with the band Twilight and played for the Greymachine band." } ] }, { "tripleset": [ [ "Aaron Turner", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Twilight (band)" ], [ "Aaron Turner", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Greymachine" ], [ "Aaron Turner", "GENRE", "Drone music" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Aaron Turner plays drone music and played with the bands Twilight and Greymachine." }, { "source": "webnlg", "text": "Aaron Turner; played with the band Twilight, is part of the drone music genre and is associated with the group Greymachine." }, { "source": "webnlg", "text": "Aaron Turner played with the band Twilight, is associated with the group Greymachine, and plays drone music." } ] }, { "tripleset": [ [ "Aaron Turner", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Twilight (band)" ], [ "Aaron Turner", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Mamiffer" ], [ "Aaron Turner", "GENRE", "Ambient music" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Aaron Turner played with the bands Twilight and Mamiffer. His genre is Ambient music." }, { "source": "webnlg", "text": "Aaron Turner; performs ambient music, played with the band Twilight and performs for Mamiffer." }, { "source": "webnlg", "text": "Aaron Turner played with the band Twilight and performed for Mamiffer. Mr. Turner plays Ambient type music." } ] }, { "tripleset": [ [ "Aaron Turner", "GENRE", "Black metal" ], [ "Aaron Turner", "INSTRUMENT", "Electric guitar" ], [ "Black metal", "MUSIC_FUSION_GENRE", "Death metal" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Aaron Turner plays electric guitar in the Black Metal genre. Death metal is a fusion of black metal." }, { "source": "webnlg", "text": "Death metal is a musical fusion of black metal, the music played by electric guitarist, Aaron Turner." }, { "source": "webnlg", "text": "Death metal is a musical fusion of the black metal music performed by Aaron Turner on the electric guitar." } ] }, { "tripleset": [ [ "Aaron Turner", "GENRE", "Black metal" ], [ "Aaron Turner", "INSTRUMENT", "Singing" ], [ "Black metal", "MUSIC_FUSION_GENRE", "Death metal" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Black Metal is a genre of Aaron Turner's music and Death metal is a musical fusion of black metal." }, { "source": "webnlg", "text": "Aaron Turner is a singer and Black metal musician. Death metal is a musical fusion of black metal." } ] }, { "tripleset": [ [ "Abradab", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Magik (rapper)" ], [ "Abradab", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Kaliber 44" ], [ "Abradab", "DATE_OF_BIRTH", "1978-11-12" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Abradab who was born on November 12th 1978 is an artist for the band Kaliber 44 and he is with rapper associated with Magri." }, { "source": "webnlg", "text": "Born on 12th November, 1978, Abradab, played with the band Kaliber 44 and is associated with the rapper, Magik." }, { "source": "webnlg", "text": "Abradab, born 11/12/1978, is a member of Kaliber 44 and is associated with rap artist, Magik." } ] }, { "tripleset": [ [ "Abradab", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Magik (rapper)" ], [ "Abradab", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Kaliber 44" ], [ "Abradab", "ORIGIN", "Katowice" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Katowice born Abradab has been with the band Kaliber 44 and associated with rapper, Magik." }, { "source": "webnlg", "text": "Abradab comes from Katowice and plays for the Kaliber 44 band. He plays with rapper, Magik." }, { "source": "webnlg", "text": "Born in Katowice, Abradab, an artist for the band Kaliber 44, is musically associated with the rapper Magik." } ] }, { "tripleset": [ [ "Ace Wilder", "GENRE", "Hip hop music" ], [ "Hip hop music", "STYLISTIC_ORIGIN", "Funk" ], [ "Hip hop music", "STYLISTIC_ORIGIN", "Disco" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Hip hop music, with origins in Disco and Funk, is the genre of musician, Ace Wilder." }, { "source": "webnlg", "text": "The musical genre of Ace Wilder is hip hop music. Hip Hop music originates from Funk and has its stylistic origins in disco." }, { "source": "webnlg", "text": "Hip hop is the genre of musician Ace Wilder. Hip Hop derives from Disco and Funk." } ] }, { "tripleset": [ [ "Agust\u00edn Barboza", "BIRTH_PLACE", "Asunci\u00f3n" ], [ "Paraguay", "LEADER_NAME", "Juan Afara" ], [ "Agust\u00edn Barboza", "BIRTH_PLACE", "Paraguay" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Agust\u00edn Barboza was born in Asunci\u00f3n, Paraguay which is led by Juan Afara." }, { "source": "webnlg", "text": "Agust\u00edn Barboza was born in Asunci\u00f3n, Paraguay. The leader of Paraguay is Juan Afara." } ] }, { "tripleset": [ [ "Al Anderson (NRBQ band)", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "NRBQ" ], [ "Al Anderson (NRBQ band)", "INSTRUMENT", "Singing" ], [ "Al Anderson (NRBQ band)", "GENRE", "Rock music" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Al Anderson sings for the band NRBQ and their specialty is Rock music." }, { "source": "webnlg", "text": "Al Anderson is a singer who plays with the band NRBQ. His genre is rock music." }, { "source": "webnlg", "text": "Singer Al Anderson, plays with and is a member of the band NRBQ, the musical genre of which, is Rock music." } ] }, { "tripleset": [ [ "Alan Frew", "GENRE", "Rock music" ], [ "Rock music", "STYLISTIC_ORIGIN", "Country music" ], [ "Rock music", "MUSIC_FUSION_GENRE", "Bhangra (music)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alan Frew's genre is Rock music, which originated from country music. The music Bhangra is part of the fusion genre, partly coming from Rock music." }, { "source": "webnlg", "text": "Alan Frew is a performer of rock music which originated from country music. A musical fusion of rock music is bhangra music." }, { "source": "webnlg", "text": "The Bhangra music is part of the fusion genre,partly coming from Rock music which Alan Frew also plays and whose origins are coming from the folk style." } ] }, { "tripleset": [ [ "Albennie Jones", "GENRE", "Jazz" ], [ "Jazz", "STYLISTIC_ORIGIN", "Blues" ], [ "Jazz", "MUSIC_FUSION_GENRE", "Afrobeat" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Albennie Jones plays Jazz music which originated from Blues music. A fusion of Jazz is Afrobeat music." }, { "source": "webnlg", "text": "Albennie Jones is a Jazz musician. Jazz comes from Blues music and the Afrobeat is a fusion genre of that music." }, { "source": "webnlg", "text": "Albennie Jones plays jazz which originates from Blues music. Afrobeat music also has elements of Jazz." } ] }, { "tripleset": [ [ "Albennie Jones", "GENRE", "Rhythm and blues" ], [ "Albennie Jones", "BIRTH_PLACE", "Errata, Mississippi" ], [ "Rhythm and blues", "DERIVATIVE", "Disco" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Albennie Jones, born in Errata, Mississippi, is a performer of rhythm and blues, of which disco is a derivative." }, { "source": "webnlg", "text": "Albennie Jones was born in Errata Mississippi and his musical genre is rhythm and blues which is where Disco derives." }, { "source": "webnlg", "text": "Albennie Jones was born in Errata, Mississippi and performs in the rhythm and blues genre. Disco is a derivative of rhythm and blues." } ] }, { "tripleset": [ [ "Aleksandra Kova\u010d", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Bebi Dol" ], [ "Aleksandra Kova\u010d", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "K2 (Kova\u010d sisters duo)" ], [ "Aleksandra Kova\u010d", "GENRE", "Pop music" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Aleksandra Kova\u010d plays pop music for the K2 band. He knows musician, Bebi Dol." }, { "source": "webnlg", "text": "Aleksandra Kova\u010d is associated with the musical artist Bebi Dol, is part of the band K2 (Kovac sisters duo), and musical genre is Pop." }, { "source": "webnlg", "text": "Pop musician Aleksandra Kova\u010d is associated with the musical artist Bebi Dol and is part of the band K2 Kovac sisters duo." } ] }, { "tripleset": [ [ "Aleksandra Kova\u010d", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Bebi Dol" ], [ "Aleksandra Kova\u010d", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Kornelije Kova\u010d" ], [ "Aleksandra Kova\u010d", "GENRE", "Pop music" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Aleksandra Kova\u010d, whose musical genre is Pop, is in same band with Kornelije Kova\u010d and is associated with the musical artist Bebi Dol." }, { "source": "webnlg", "text": "Aleksandra Kova\u010d, a performer of pop music, is associated with the musical artists Bebi Dol and Kornelije Kova\u010d." }, { "source": "webnlg", "text": "Aleksandra Kova\u010d is associated with the musical artists Bebi Dol and Kornelije Kovac. Her musical genre is Pop." } ] }, { "tripleset": [ [ "Aleksandra Kova\u010d", "GENRE", "Rhythm and blues" ], [ "Aleksandra Kova\u010d", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "K2 (Kova\u010d sisters duo)" ], [ "Aleksandra Kova\u010d", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Kristina Kova\u010d" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Aleksandra Kova\u010d is an artist for the band K2 and has the musical genre of rhythm and blues. She is musically involved with Kristina Kovac." }, { "source": "webnlg", "text": "Rhythm and Blues artist Aleksandra Kova\u010d is a member of sister duo, K2, with musician Kristina Kova\u010d." } ] }, { "tripleset": [ [ "Alex Day", "GENRE", "Synthpop" ], [ "Synthpop", "STYLISTIC_ORIGIN", "Pop music" ], [ "Synthpop", "STYLISTIC_ORIGIN", "Disco" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The musical genre of Alex Day, is Synthpop, which originated from Disco and has its stylistic origins in pop music." }, { "source": "webnlg", "text": "The musical genre of Alex Day is Synthpop, a form of pop music which originated from Disco." }, { "source": "webnlg", "text": "Alex Day performs Synthpop music which originated from Disco and stylistically is a type of pop music." } ] }, { "tripleset": [ [ "Alfred Garth Jones", "BIRTH_PLACE", "England" ], [ "Alfred Garth Jones", "BIRTH_PLACE", "Manchester" ], [ "Alfred Garth Jones", "DEATH_PLACE", "Sidcup" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alfred Garth Jones was born in Manchester,England and he passed away in Sidcup." }, { "source": "webnlg", "text": "Born in Manchester, England, Alfred Garth Jones, died in Sidcup." }, { "source": "webnlg", "text": "Alfred Garth Jones was born in Manchester, England and died in Sidcup." } ] }, { "tripleset": [ [ "Alfred Garth Jones", "DEATH_PLACE", "London" ], [ "Alfred Garth Jones", "BIRTH_PLACE", "England" ], [ "Alfred Garth Jones", "NATIONALITY", "United Kingdom" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alfred Garth Jones was born in London in the United Kingdom. He died in London." }, { "source": "webnlg", "text": "Alfred Garth Jones, born in England in the U.K., died in London." }, { "source": "webnlg", "text": "Alfred Garth Jones was born in England and died in London." } ] }, { "tripleset": [ [ "Alfred Garth Jones", "DEATH_PLACE", "London" ], [ "Alfred Garth Jones", "NATIONALITY", "United Kingdom" ], [ "Alfred Garth Jones", "BIRTH_PLACE", "Manchester" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alfred Garth Jones was born in Manchester in the UK, and died in London." }, { "source": "webnlg", "text": "Alfred Garth Jones, was born in Manchester, in the United Kingdom and died in London." }, { "source": "webnlg", "text": "Alfred Garth Jones was born in Manchester,United Kingdom and he passed away in London." } ] }, { "tripleset": [ [ "Alfred Garth Jones", "DEATH_PLACE", "Sidcup" ], [ "Alfred Garth Jones", "BIRTH_PLACE", "Manchester" ], [ "Manchester", "LEADER_NAME", "Labour Party (UK)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Born in Manchester, Alfred Garth Jones, died in Sidcup. In Manchester The Labour Party leads." }, { "source": "webnlg", "text": "Alfred Garth Jones was born in Manchester and died in Sidcup. The majority in Manchester is the Labour Party." }, { "source": "webnlg", "text": "The Labour Party (UK) is the leader of Manchester, the city of birth of Alfred Garth Jones, who died in Sidcup." } ] }, { "tripleset": [ [ "Alfred Garth Jones", "DEATH_PLACE", "Sidcup" ], [ "Alfred Garth Jones", "DEATH_PLACE", "London" ], [ "London", "LEADER_NAME", "Boris Johnson" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alfred Garth Jones died in Sidcup, London (led by Boris Johnson)." }, { "source": "webnlg", "text": "Alfred Garth Jones died in Sidcup, London. Boris Johnson is a leader in the city." }, { "source": "webnlg", "text": "Alfred Garth Jones died in Sidcup in London where Boris Johnson is a leader." } ] }, { "tripleset": [ [ "Alison O'Donnell", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Flibbertigibbet" ], [ "Alison O'Donnell", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Mellow Candle" ], [ "Alison O'Donnell", "GENRE", "Folk music of Ireland" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alison O'Donnell played folk music of Ireland for the band Mellow Candle and the Flibbertigibbet band." }, { "source": "webnlg", "text": "Irish Folk musician Alison O'Donnell is part of the Flibbertigibbet band and formerly of Mellow Candle." }, { "source": "webnlg", "text": "Alison O\u2019Donnell was in the bands Mellow Candle and Flibbertigibbet band and Ireland Folk music is the genre she performs." } ] }, { "tripleset": [ [ "Alison O'Donnell", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Mellow Candle" ], [ "Alison O'Donnell", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Flibbertigibbet" ], [ "Alison O'Donnell", "GENRE", "Folk music" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alison O'Donnell plays folk music and has played with the Mellow Candle and Flibbertigibbet bands." }, { "source": "webnlg", "text": "Folk music is the genre of Alison O'Donnell, who was in the bands Mellow Candle and the Flibbertigibbet band." }, { "source": "webnlg", "text": "Alison O'Donnell plays Folk music for the Mellow Candle band. He also played for the Flibbertigibbet band." } ] }, { "tripleset": [ [ "Alison O'Donnell", "GENRE", "Jazz" ], [ "Jazz", "DERIVATIVE", "Funk" ], [ "Alison O'Donnell", "INSTRUMENT", "\"Voice, bodhr\u00e1n, percussion, autoharp\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Jazz musician Alison O'Donnell is a vocalist and also plays the bodhran,percussion and autoharp. Jazz derives from Funk." }, { "source": "webnlg", "text": "Alison O'Donnell is a jazz (funk is a derivative of Jazz) performer who sings, plays percussion, autoharp and bodhan." }, { "source": "webnlg", "text": "Alison O'Donnell performs jazz music, of which funk is a derivative. She is a musician who uses her voice, bodhran, percussion and autoharp." } ] }, { "tripleset": [ [ "Alison O'Donnell", "GENRE", "Jazz" ], [ "Jazz", "DERIVATIVE", "Funk" ], [ "Alison O'Donnell", "RECORD_LABEL", "Static Caravan Recordings" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Jazz musician Alison O'Donnell is signed with Static Caravan Recordings. Jazz is the origin of Funk." }, { "source": "webnlg", "text": "Funk is a derivative of Jazz, the music Alison O'Donnell performs. Alison O'Donnell recorded on the record label, Static Caravan Recordings." }, { "source": "webnlg", "text": "Funk is a derivative of Jazz, the music Alison O'Donnell plays. Alison O'Donnell recorded on the record label, Static Caravan Recordings." } ] }, { "tripleset": [ [ "Allen Forrest", "BIRTH_PLACE", "Dothan, Alabama" ], [ "Allen Forrest", "GENRE", "Pop music" ], [ "Allen Forrest", "BACKGROUND", "\"solo singer\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Born in Dothan, Alabama, Allen Forrest has a background as a solo singer and was a pop artist." }, { "source": "webnlg", "text": "Allen Forrest (Dothan, Alabama) is a solo singer and an exponent of Pop music." }, { "source": "webnlg", "text": "Born in Dothan, Alabama, Allen Forrest, is a solo singer, who plays pop music." } ] }, { "tripleset": [ [ "Allen Forrest", "GENRE", "Rhythm and blues" ], [ "Allen Forrest", "BIRTH_PLACE", "Dothan, Alabama" ], [ "Allen Forrest", "BACKGROUND", "\"solo singer\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Born in Dothan (Alabama), Allen Forrest, started out as a solo singer and performs rhythm and blues music." }, { "source": "webnlg", "text": "Allen Forrest, born in Dothan, Alabama, performs rhythm and blues. He was originally a solo singer." }, { "source": "webnlg", "text": "Rhythm and Blues musician and solo singer Allen Forrest, was born in Dothan, Alabama." } ] }, { "tripleset": [ [ "Alternative rock", "MUSIC_FUSION_GENRE", "Nu metal" ], [ "Andrew White (musician)", "GENRE", "Alternative rock" ], [ "Alternative rock", "STYLISTIC_ORIGIN", "New wave music" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The musician Andrew White's genre is alternative rock, which has origins in New wave music and Nu metal is a music fusion genre of alternative rock." }, { "source": "webnlg", "text": "Musician Andrew White's genre is alternative rock which originated from new wave music. Nu metal is a music fusion genre of alternative rock." }, { "source": "webnlg", "text": "The musician Andrew White's genre is alternative rock, which has origins in New wave music. Nu metal is a music fusion genre of alternative rock." } ] }, { "tripleset": [ [ "Anders Osborne", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Billy Iuso" ], [ "Anders Osborne", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Tab Benoit" ], [ "Anders Osborne", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Kirk Joseph" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Anders Osborne has collaborated with Kirk Joseph and is associated with musical artist Billy Iuso and Tab Benoit." }, { "source": "webnlg", "text": "Anders Osborne is associated with the musical artists Billy Iuso and Kirk Joseph and also associated with Tab Benoit." }, { "source": "webnlg", "text": "Anders Osborne has worked with Tab Benoit and is associated with the musical artist Billy Iuso and Kirk Joseph." } ] }, { "tripleset": [ [ "Anders Osborne", "RECORD_LABEL", "Rabadash Records" ], [ "Anders Osborne", "GENRE", "Rock music" ], [ "Rock music", "MUSIC_FUSION_GENRE", "Bhangra (music)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Anders Osborne, whose genre is rock music, is signed to the Rabadash Records label. A musical fusion of rock music is called bhangra music." }, { "source": "webnlg", "text": "Anders Osborne\u2019s musical genre is rock music and record label is Rabadash Records. The music Bhangra is part of the fusion genre, partly coming from Rock music." }, { "source": "webnlg", "text": "Anders Osborne is signed to the record label Rabadash Records and his genre is rock music. The music Bhangra is part of the genre Rock music fusion ." } ] }, { "tripleset": [ [ "Andra (singer)", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Puya (singer)" ], [ "Andra (singer)", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "CRBL" ], [ "Andra (singer)", "GENRE", "Dance-pop" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Andra, a singer of Dance-pop music, is associated with the band CRBL and the singer Puya." }, { "source": "webnlg", "text": "Andra is a singer and her music genre is Dance-pop. She is associated with the band CRBL and with the singer Puya." }, { "source": "webnlg", "text": "Andra is a singer associated with the singer Puya and the band CRBL. Her musical genre is dance pop." } ] }, { "tripleset": [ [ "Andra (singer)", "GENRE", "Rhythm and blues" ], [ "Andra (singer)", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Andreea B\u0103lan" ], [ "Andra (singer)", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Marius Moga" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Rhythm and blues is the genre of singer Andra, who, is associated with musician Marius Moga and Andreea B\u0103lan." }, { "source": "webnlg", "text": "Rhythm and blues singer Andra is associated with musicians Marius Moga and Andreea Balan." }, { "source": "webnlg", "text": "Rhythm and blues is the genre of the singer, Andra, who is associated with, Marius Moga and Andreea Balan." } ] }, { "tripleset": [ [ "Andra (singer)", "GENRE", "Rhythm and blues" ], [ "Andra (singer)", "BACKGROUND", "\"solo singer\"" ], [ "Rhythm and blues", "DERIVATIVE", "Disco" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Starting her career as a solo singer, Andra's genre is Rhythm and blues, a derivative of which, is Disco." }, { "source": "webnlg", "text": "Andra began her career as a solo singer and is a rhythm and blues singer. Disco derives from rhythm and blues." }, { "source": "webnlg", "text": "Andra is a solo singer who's genre is Rhythm and blues. Disco is a derivative of rhythm and blues." } ] }, { "tripleset": [ [ "Andrew Rayel", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Christian Burns" ], [ "Andrew Rayel", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Jonathan Mendelsohn" ], [ "Andrew Rayel", "GENRE", "Trance music" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Andrew Rayel plays trance music and is associated with Christian Burns and musician, Jonathan Mendelsohn." }, { "source": "webnlg", "text": "The musical genre of Andrew Rayel is trance music. He is associated with the musical artists Jonathan Mendelsohn and Christian Burns." }, { "source": "webnlg", "text": "Andrew Rayel, whose musical genre is Trance, is associated with the musical artist Jonathan Mendelsohn. The musicians Andrew Rayel and Christian Burns are associates." } ] }, { "tripleset": [ [ "Andrew Rayel", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Jonathan Mendelsohn" ], [ "Andrew Rayel", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Bobina" ], [ "Andrew Rayel", "GENRE", "Trance music" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Trance musician Andrew Rayel is associated with musical artists Jonathan Mendelsohn and Bobina." }, { "source": "webnlg", "text": "Andrew Rayel, of the music genre trance music, is associated with the musical artists Jonathan Mendelsohn and Bobina." }, { "source": "webnlg", "text": "Andrew Rayel ( a Trance music artiste) is an associate of musical artists Bobina and Jonathan Mendelsohn." } ] }, { "tripleset": [ [ "Andrew Rayel", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Jwaydan Moyine" ], [ "Christian Burns", "GENRE", "House music" ], [ "Andrew Rayel", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Christian Burns" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Christian Burns plays house music and is associated with Andrew Rayel. Mr. Rayel is connected with Jwaydan Moyine, musician." }, { "source": "webnlg", "text": "Musicians Andrew Rayel and Christian Burns are associates and while the latter plays house music, the former is associated with musician Jwaydan Moyine." } ] }, { "tripleset": [ [ "Andrew White (musician)", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Marry Banilow" ], [ "Andrew White (musician)", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Kaiser Chiefs" ], [ "Andrew White (musician)", "RECORD_LABEL", "Universal Records (defunct record label)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Andrew White, member of the band Kaiser Chiefs, is also associated with artist Marry Banilow. His record label was Universal Records, which is now defunct." }, { "source": "webnlg", "text": "Andrew white was once a member of Kaiser Chiefs and is associated with Marry Banilow. His record label is the now defunct Universal Records." }, { "source": "webnlg", "text": "The band Kaiser Chiefs' musician Andrew White is associated with the musical artist Marry Banilow. His record label used to be Universal records which is now a defunct label." } ] }, { "tripleset": [ [ "Ska punk", "STYLISTIC_ORIGIN", "Ska" ], [ "Aaron Bertram", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Suburban Legends" ], [ "Aaron Bertram", "GENRE", "Ska punk" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Aaron Bertram, whose musical genre is Ska punk, plays for the Suburban Legends band. Ska punk originated from ska music." }, { "source": "webnlg", "text": "Aaron Bertram plays for the Suburban Legends band and performs ska punk music, which has its origins in Ska." }, { "source": "webnlg", "text": "Ska punk musician Aaron Bertram is in the band Suburban Legends. Ska punk derives from Ska." } ] }, { "tripleset": [ [ "United States", "ETHNIC_GROUP", "African Americans" ], [ "Albennie Jones", "BIRTH_PLACE", "Errata, Mississippi" ], [ "Albennie Jones", "BIRTH_PLACE", "United States" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Albennie Jones was born in Errata Mississippi in the USA, a country where the African Americans are an ethnic group." }, { "source": "webnlg", "text": "Albennie Jones was born in Errata, Mississippi, United States, where African Americans are one of the ethnic groups." }, { "source": "webnlg", "text": "Albennie Jones was born in Errata, Mississippi, United States where african americans are an ethnic group." } ] }, { "tripleset": [ [ "1955 Dodge", "ENGINE", "V8 engine" ], [ "1955 Dodge", "TRANSMISSION", "\"3-speed automatic\"" ], [ "1955 Dodge", "ALTERNATIVE_NAME", "\"Dodge Coronet\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The 1955 Dodge, with an alternative name of Dodge coronet, has a V8 engine and 3-speed transmission." }, { "source": "webnlg", "text": "The 1955 Dodge, also named the Dodge Coronet, has a 3-speed automatic transmission and a V8 engine." }, { "source": "webnlg", "text": "The 1955 Dodge, which has the alternative name of Dodge Coronet, has a V8 engine and uses a 3 speed automatic transmission." } ] }, { "tripleset": [ [ "A-Rosa Luna", "SHIP_CLASS", "Cruise ship" ], [ "A-Rosa Luna", "LENGTH", "125800.0 (millimetres)" ], [ "A-Rosa Luna", "SHIP_ORDERED", "2004-01-22" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Ordered on January 22nd, 2004, the A-Rosa Luna, is classed as a Cruise ship and has a length of, 125.8 metres." }, { "source": "webnlg", "text": "A-Rosa-Luna, a cruise ship 125800.0 millimetres in length, was ordered on January 22, 2004." } ] }, { "tripleset": [ [ "A-Rosa Luna", "SHIP_DISPLACEMENT", "1850.0 (tonnes)" ], [ "A-Rosa Luna", "TOP_SPEED", "24.0" ], [ "A-Rosa Luna", "LENGTH", "125800.0 (millimetres)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "With a top speed of 24.0, the ship A Rosa Luna is 125800.00 millimetres long and weighs 1850 tonnes." }, { "source": "webnlg", "text": "A-Rosa Luna has a ship displacement of 1850 tonnes and a top speed of 24 km/h. Its length is 125.8 metres." }, { "source": "webnlg", "text": "The A-Rosa Luna which is 125.8 metres long has a top speed of 24.0 and weighs 1850 tonnes." } ] }, { "tripleset": [ [ "AIDA Cruises", "LOCATION", "Germany" ], [ "AIDAstella", "OPERATOR", "AIDA Cruises" ], [ "AIDAstella", "OWNER", "Costa Crociere" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The operator of AIDAstella is German baased AIDA Cruises. The AIDAstella is owned by Costa Crociere." }, { "source": "webnlg", "text": "The AIDAstella is owned by Cost Crociere and it's operator is German based AIDA Cruises." }, { "source": "webnlg", "text": "AIDA Cruises are based in Germany and owned by Costa Crociere. They operate the AIDAstella." } ] }, { "tripleset": [ [ "AIDAstella", "CHRISTENING_DATE", "2013-03-16" ], [ "AIDAstella", "SHIP_IN_SERVICE", "2013-03-17" ], [ "AIDAstella", "LENGTH", "253260.0 (millimetres)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The AIDAstella, 253260.0 millimetres long, was christened on March 16, 2013 and put into service the next day." }, { "source": "webnlg", "text": "The AIDAstella was christened on the 16th of March, 2013, put in service on March 17, 2013, and is 253260.0 millimetres in length." }, { "source": "webnlg", "text": "The AIDAstella was named on 16th March 2013 and launched on 17th. It is 253.26m long." } ] }, { "tripleset": [ [ "ALCO RS-3", "BUILDER", "American Locomotive Company" ], [ "ALCO RS-3", "ENGINE", "Four-stroke engine" ], [ "ALCO RS-3", "LENGTH", "17068.8 (millimetres)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The American Locomotive Company built the ALCO RS-3 which has a 4-stroke engine and is 17068.8 millimeters long." }, { "source": "webnlg", "text": "The ALCO RS-3 has a four-stroke engine, a length of 17068.8 millimetres and was built by the American Locomotive Company." }, { "source": "webnlg", "text": "The ALCO RS-3, built by the American Locomotive Company, is 17068.8 mm long with a four-stroke engine." } ] }, { "tripleset": [ [ "ALCO RS-3", "BUILDER", "American Locomotive Company" ], [ "ALCO RS-3", "ENGINE", "V12 engine" ], [ "ALCO RS-3", "LENGTH", "17068.8 (millimetres)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The ALCO RS-3, built by the American Locomotive Company, has a V12 engine and is 17068.8 millimetres." }, { "source": "webnlg", "text": "The ALCO RS-3 was built by the American Locomotive Company. It is 17068.8mm long and has a V12 engine." }, { "source": "webnlg", "text": "The American Locomotive Company built the ALCO RS-3 which is 17068.8mm long and has a V12 engine." } ] }, { "tripleset": [ [ "ALCO RS-3", "BUILDER", "American Locomotive Company" ], [ "ALCO RS-3", "LENGTH", "17068.8 (millimetres)" ], [ "American Locomotive Company", "FOUNDATION_PLACE", "Schenectady, New York" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The American Locomotive Company was founded in Schenectady, New York and built the ALCO RS-3 which is 17068.8 mms in length." }, { "source": "webnlg", "text": "The American Locomotive Company, founded in Schenectady, New York, were the builders of the ALCO RS-3, which has a length of 17068.8 mm." }, { "source": "webnlg", "text": "The American Locomotive Company, founded in Schenectady, New York, built the 17068.8 millimetre ALCO RS-3." } ] }, { "tripleset": [ [ "ALV X-1", "COUNTRY_ORIGIN", "United States" ], [ "United States", "ETHNIC_GROUP", "African Americans" ], [ "United States", "DEMONYM", "Americans" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Originating in the United States and by Americans, some of African decent is the ALVX-1." }, { "source": "webnlg", "text": "ALVX-1 comes from the US where Americans live and African Americans are an ethnic group." }, { "source": "webnlg", "text": "The country of origin of the ALV X-1 is the United States, home to Americans and where African Americans are an ethnic group." } ] }, { "tripleset": [ [ "ALV X-1", "COUNTRY_ORIGIN", "United States" ], [ "United States", "ETHNIC_GROUP", "Native Americans in the United States" ], [ "United States", "CAPITAL", "Washington, D.C." ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The United States has an ethnic group called Native Americans, the capital is Washington D.C. and the ALV X-1 hails from the US." }, { "source": "webnlg", "text": "The ALV X-1 originated in the United States, a country whose capital is Washington DC and has Native Americans as an ethnic group." } ] }, { "tripleset": [ [ "ALV X-1", "DIAMETER", "1.524 (metres)" ], [ "ALV X-1", "ROCKET_STAGES", "2" ], [ "ALV X-1", "TOTAL_LAUNCHES", "1" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The ALV X-1, with 2 rocket stages and one launch, has a 1.524 m diameter." }, { "source": "webnlg", "text": "The ALV X-1 rocket which has a diameter of 1.524 meters and has 2 stages was launched one." }, { "source": "webnlg", "text": "The ALV X-1 has a diameter of 1.524 m and has 2 rocket stages. It's been launched 1 times." } ] }, { "tripleset": [ [ "Abarth 1000 GT Coup\u00e9", "PRODUCTION_END_YEAR", "1958" ], [ "Abarth 1000 GT Coup\u00e9", "BODY_STYLE", "Coup\u00e9" ], [ "Abarth 1000 GT Coup\u00e9", "ENGINE", "Straight-four engine" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Abarth 1000 GT Coupe, with a straight-four engine, had its final production in 1958." }, { "source": "webnlg", "text": "The Abarth 1000 GT Coup\u00e9, with its straight four engine, completed production in 1958." }, { "source": "webnlg", "text": "The Abarth 1000 GT Coup\u00e9 has a straight-four engine and a Coup\u00e9 body style. The last of this model, rolled off the production line in 1958." } ] }, { "tripleset": [ [ "Abarth 1000 GT Coup\u00e9", "WHEELBASE", "2160.0 (millimetres)" ], [ "Abarth 1000 GT Coup\u00e9", "WIDTH", "1.55" ], [ "Abarth 1000 GT Coup\u00e9", "BODY_STYLE", "\"Two door coup\u00e9\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Abarth 1000 GT Coup\u00e9 is a two door coup\u00e9 with a wheelbase of 2160 millimetres and a with of 1.55 metres." }, { "source": "webnlg", "text": "The Abarth 1000 Gt Coupe is a 2 door coupe which is 1.55m wide with a wheelbase of 2160mm." }, { "source": "webnlg", "text": "The Abarth 1000 GT Coup\u00e9 is 1.55 metres wide, has a wheelbase of 2160 millimetres, and the body style is two door coupe." } ] }, { "tripleset": [ [ "Aleksey Chirikov (icebreaker)", "SHIP_BEAM", "21.2" ], [ "Aleksey Chirikov (icebreaker)", "BUILDER", "Helsinki" ], [ "Aleksey Chirikov (icebreaker)", "BUILDER", "Arctech Helsinki Shipyard" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The icebreaker Aleksey Chirikov ship, built in Helsinki at the Arctech Helsinki Shipyard, has a 21.2 ship beam." }, { "source": "webnlg", "text": "The icebreaker Aleksey Chirikov which has a ship beam of 21.2, was built at the Arctech Helsinki Shipyard, in Helsinki." }, { "source": "webnlg", "text": "Arctech Helsinki Shipyard built the icebreaker, Aleksey Chirikov with a 21.2 m long shipbeam in Helsinki." } ] }, { "tripleset": [ [ "Alfa Romeo 164", "ASSEMBLY", "Italy" ], [ "Italy", "CAPITAL", "Rome" ], [ "Alfa Romeo 164", "RELATED_MEAN_OF_TRANSPORTATION", "Fiat Croma" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Fiat Croma and the Alfa Romeo 164 are both cars. The latter was built in Italy where the capital is Rome." }, { "source": "webnlg", "text": "Alfa Romeo 164, asembled in Italy (capital:Rome), is a related mode of transportation as the Fiat Croma." }, { "source": "webnlg", "text": "The Alfa Romeo 164, assembled in Italy (capital:Rome) is a similar mode of transport as the Fiat Croma." } ] }, { "tripleset": [ [ "Alfa Romeo 164", "ASSEMBLY", "Italy" ], [ "Italy", "CAPITAL", "Rome" ], [ "Alfa Romeo 164", "RELATED_MEAN_OF_TRANSPORTATION", "Lancia Thema" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Alfa Romeo 164, which was assembled in Italy, and the Lancia Thema are related types of transportation. The capital of Italy is Rome." }, { "source": "webnlg", "text": "The Lancia Thema and the Alfa Romeo 164 are related. The latter is built in Italy where the capital is Rome." }, { "source": "webnlg", "text": "The Alfa Romeo 164 was made in Italy and is related to the Lancia Thema vehicle. Rome is the capital of Italy." } ] }, { "tripleset": [ [ "Alfa Romeo 164", "RELATED_MEAN_OF_TRANSPORTATION", "Fiat Croma" ], [ "Alfa Romeo 164", "ASSEMBLY", "Arese" ], [ "Alfa Romeo 164", "RELATED_MEAN_OF_TRANSPORTATION", "Lancia Thema" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Alfa Romeo 164 was assembled in Arese and is a similar means of transport to the Fiat Croma and also related to the Lancia Thema." }, { "source": "webnlg", "text": "The Arese assembled, Alfa Romeo 164 and the Fiat Croma as well as the Lancia Thema, are related types of transportation." }, { "source": "webnlg", "text": "The Arese assembled Alfa Romeo 164, the Fiat Croma and the Lancia Thema are all related." } ] }, { "tripleset": [ [ "Alfa Romeo 164", "RELATED_MEAN_OF_TRANSPORTATION", "Fiat Croma" ], [ "Alfa Romeo 164", "ASSEMBLY", "Milan" ], [ "Alfa Romeo 164", "RELATED_MEAN_OF_TRANSPORTATION", "Saab 9000" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Alfa Romeo 164 was assembled in Milan and is a similar means of transport to the, Fiat Croma and the Saab 9000." }, { "source": "webnlg", "text": "The Alfa Romeo 164, made in Milan, along with the Fiat Croma and the Saab 9000 are related cars." }, { "source": "webnlg", "text": "The Alfa Romeo 164, which was assembled in Milan, is a similar means of transport to the Saab 9000 and the Fiat Croma." } ] }, { "tripleset": [ [ "Alhambra", "SHIP_BEAM", "8.3 m" ], [ "Alhambra", "LENGTH", "63800.0 (millimetres)" ], [ "Alhambra", "SHIP_LAUNCH", "1855-05-31" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The ship Alhambra, launched on the 31st May 1855, has a ship beam of 8.3m and is 63800.0 millimetres long." }, { "source": "webnlg", "text": "The Alhambra has a ship beam of 8.3m, is 63800.0 millimetres long, and was launched on 1855-05-31." }, { "source": "webnlg", "text": "The Alhambra has a ship beam of 8.3m and was 63800.0 millimetres long. It was launched on 31st May 1855." } ] }, { "tripleset": [ [ "Alhambra", "SHIP_BEAM", "8.3 m" ], [ "Alhambra", "SHIP_LAUNCH", "1855-05-31" ], [ "Alhambra", "STATUS", "\"Wrecked\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Alhambra, with its 8.3 m ship beam, launched 5/31/1855, was wrecked." }, { "source": "webnlg", "text": "The Alhambra, which was wrecked, had a ship beam of 8.3 metres and was launched on 31 May 1855." }, { "source": "webnlg", "text": "The wrecked Alhambra had a ship beam of 8.3m and was launched on 31st May 1855." } ] }, { "tripleset": [ [ "Alvis Speed 25", "MANUFACTURER", "Alvis Car and Engineering Company" ], [ "Alvis Car and Engineering Company", "FOUNDATION_PLACE", "Coventry" ], [ "Alvis Speed 25", "ENGINE", "\"Petrol\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Alvis Speed 25 has a petrol engine and was manufactured by the Alvis Car and Engineering Company which was founded in Coventry." }, { "source": "webnlg", "text": "Alvis Car and Engineering Company was founded in Coventry and made the Alvis Speed 25. Alvis Speed 25 has a petrol engine." }, { "source": "webnlg", "text": "The Alvis Car and Engineering Company was founded in Coventry where the Alvis Speed 25 was manufactured with a petrol engine." } ] }, { "tripleset": [ [ "American Motors", "FATE", "Eagle (automobile)" ], [ "AMC Matador", "MANUFACTURER", "American Motors" ], [ "American Motors", "KEY_PERSON", "Roy D. Chapin, Jr." ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "AMC Matador is manufactured by American Motors where Roy D Chapin Jr is a key person and was succeeded ny Eagle." }, { "source": "webnlg", "text": "The AMC Matador is made by American Motors who has a key person called Roy D Chapin. The AMC was succeeded by the Eagle Co." }, { "source": "webnlg", "text": "Roy D Chapin Jr is a key person at American Motors, which was succeeded by Eagle and built the AMC Matador." } ] }, { "tripleset": [ [ "Antares (rocket)", "MANUFACTURER", "Yuzhnoye Design Office" ], [ "Antares (rocket)", "COMPARABLE", "Delta II" ], [ "Delta II", "COUNTRY_ORIGIN", "United States" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Antares rocket, manufactured at the Yuzhnoye Design Office, is comparable to the US Delta II." }, { "source": "webnlg", "text": "The Antares rocket, manufactured at the Yuzhnoye Design Office, is relative to the United States based, Delta II." } ] }, { "tripleset": [ [ "Antares (rocket)", "MANUFACTURER", "Yuzhnoye Design Office" ], [ "Antares (rocket)", "LAUNCH_SITE", "Mid-Atlantic Regional Spaceport Launch Pad 0" ], [ "Antares (rocket)", "FUNCTION", "\"Medium expendable launch system\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Antares rocket is a medium expendable launch system built at the Yuzhnoye Design Office." }, { "source": "webnlg", "text": "The Antares rocket function is a medium expendable launch system manufactured at the Yuzhnoye Design Office and launched at the Mid-Atlantic Regional Spaceport Launch Pad 0." }, { "source": "webnlg", "text": "The Antares rocket function is a medium expendable launch system manufactured at the Yuzhnoye Design Office and was launched at the Mid-Atlantic Regional Spaceport Launch Pad 0." } ] }, { "tripleset": [ [ "Ariane 5", "MANUFACTURER", "Arianespace" ], [ "ELA-3", "SITE", "Guiana Space Centre" ], [ "Ariane 5", "LAUNCH_SITE", "ELA-3" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Ariane 5 was launched at the ELA-3 at the Guiana Space Centre. Arianespace made the Ariane 5." }, { "source": "webnlg", "text": "Arianespace is the manufacturer of Ariane 5 which was launched from ELA-3 at the Guiana Space Centre." }, { "source": "webnlg", "text": "The Ariane 5 was manufactured by Arianespace and launched at ELA-3 which is located at the Guiana Space Centre." } ] }, { "tripleset": [ [ "Aston Martin V8", "RELATED_MEAN_OF_TRANSPORTATION", "Aston Martin DBS" ], [ "Aston Martin V8", "ASSEMBLY", "\"Newport Pagnell, Buckinghamshire, England, United Kingdom\"" ], [ "Aston Martin V8", "ENGINE", "5.3 (litres)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Aston Martin V8 is similar to the DBS and has a 5.3 litre engine. It is made in Newport Pagnell, Buckinghamshire, England, UK." }, { "source": "webnlg", "text": "The Aston Martin V8 assembly took place in Newport Pagnell, Buckinghamshire, England, United Kingdom. The Aston Martin V8(has a engine volume of 5.3 litres) and the Aston Martin DBS are related means of transport." }, { "source": "webnlg", "text": "The Aston Martin V8 has a 5.3 litre engine and its assembly took place in Newport Pagnell, Buckinghamshire, England, United Kingdom. The Aston Martin V8 and the Aston Martin DBS are related means of transport." } ] }, { "tripleset": [ [ "Aston Martin V8", "RELATED_MEAN_OF_TRANSPORTATION", "Aston Martin DBS" ], [ "Aston Martin V8", "ENGINE", "5.3 (litres)" ], [ "Aston Martin V8", "ASSEMBLY", "United Kingdom" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Aston Martin V8 is assembled in the United Kingdom and has an engine volume of 5.3 litres. The Aston Martin V8 and Aston Martin DBS are a related means of transport." }, { "source": "webnlg", "text": "The Aston Martin V8 and the Aston Martin DBS are related means of transport. The V8 model is assembled in the United kingdom with a 5.3 litre engine." }, { "source": "webnlg", "text": "Aston Martin V8 was assembled in the United Kingdom and has an engine volume of, 5.3 litres. The Aston Martin V8 and Aston Martin DBS are a related means of transport." } ] }, { "tripleset": [ [ "Atlas II", "COUNTRY_ORIGIN", "United States" ], [ "Atlas II", "LAUNCH_SITE", "Vandenberg Air Force Base" ], [ "Atlas II", "LAUNCH_SITE", "Cape Canaveral Air Force Station" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Coming from the US, the Atlas II was launched from Cape Canaveral Air Force Station and Vandenberg Air Force Base." }, { "source": "webnlg", "text": "The US Atlas II was launched from Vandenberg Air Force Base and Cape Canaveral." }, { "source": "webnlg", "text": "Originating from the United States, the Atlas II, was launched from both the Vandenberg Air Force Base and Cape Canaveral Air Force Station." } ] }, { "tripleset": [ [ "Atlas II", "COUNTRY_ORIGIN", "United States" ], [ "United States", "ETHNIC_GROUP", "Native Americans in the United States" ], [ "United States", "LEADER_TITLE", "President of the United States" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Atlas II comes from the US where Native Americans are an ethnic group and the leader is the President." }, { "source": "webnlg", "text": "The Atlas II originated from the United States, where Native Americans are an ethnic group. The leader of the United States has the title President of the United States." }, { "source": "webnlg", "text": "The Atlas II originated from the U.S. where the President is the leader and Native Americans are an ethnic group." } ] }, { "tripleset": [ [ "Atlas II", "LAUNCH_SITE", "Cape Canaveral Air Force Station" ], [ "Atlas II", "COUNTRY_ORIGIN", "United States" ], [ "Atlas II", "LAUNCH_SITE", "Spaceport Florida Launch Complex 36" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Atlas II originates from the United States, and was launched from the Cape Canaveral Air Force Station in Spaceport Florida Launch Complex 36." }, { "source": "webnlg", "text": "Originating from the U.S, the Atlas II was launched from the Spaceport Florida Launch Complex 36, from the Cape Canaveral Air Force Station." } ] }, { "tripleset": [ [ "Audi A1", "ENGINE", "1.2 (litres)" ], [ "Audi A1", "ASSEMBLY", "Audi Brussels" ], [ "Audi A1", "BODY_STYLE", "Hatchback" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Audi A1 is a hatchback assembled by Audi Brussels and has a 1.2 litre engine." }, { "source": "webnlg", "text": "The Audi A1, a hatchback, has a 1.2 liter engine and is assembled by Audi Brussels." }, { "source": "webnlg", "text": "The Audi A1 is built at Audi Brussels. It is a hatchback with a 1.2 litre engine." } ] }, { "tripleset": [ [ "Audi A1", "MANUFACTURER", "Audi" ], [ "Audi A1", "RELATED_MEAN_OF_TRANSPORTATION", "SEAT Ibiza" ], [ "Audi A1", "RELATED_MEAN_OF_TRANSPORTATION", "Volkswagen Polo" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Audi A1 is manufactured by Audi. It is a similar means of transport as the Seat Ibiza and Volkswagen Polo since they are all cars." }, { "source": "webnlg", "text": "Audi's A1 is simiilar to the Seat Ibiza and the VW Polo." }, { "source": "webnlg", "text": "Audi is the manufacturer of the Audi A1. It, the Seat Ibiza and VW Polo are all cars and therefore related modes of transportation." } ] }, { "tripleset": [ [ "Caterpillar Inc.", "FOUNDATION_PLACE", "California" ], [ "Caterpillar Inc.", "LOCATION", "Peoria, Illinois" ], [ "AIDAluna", "POWER_TYPE", "Caterpillar Inc." ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "AIDAluna is powered by Caterpillar Inc. which was founded in California and is located in Peoria, Illinois." }, { "source": "webnlg", "text": "Caterpillar Inc., founded in California and located in Peoria, Illinois, powers the AIDAluna." }, { "source": "webnlg", "text": "The AIDAluna is powered by a Caterpillar Inc. engine. Caterpillar Inc was founded in California and is now located in Peoria, Illinois." } ] }, { "tripleset": [ [ "Caterpillar Inc.", "LOCATION", "Illinois" ], [ "AIDAluna", "OWNER", "AIDA Cruises" ], [ "AIDAluna", "POWER_TYPE", "Caterpillar Inc." ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Caterpillar Inc. of Illinois powers the AIDA Cruise owned, AIDAluna." }, { "source": "webnlg", "text": "Caterpillar Inc. is found in Illinois and they powered the AIDAluna. AIDACruises owns the AIDAluna." }, { "source": "webnlg", "text": "AIDA Cruises owns the AIDAluna which is powered by an engine from Illinois based Caterpillar Inc." } ] }, { "tripleset": [ [ "Costa Crociere", "LOCATION", "Genoa" ], [ "AIDAstella", "OPERATOR", "AIDA Cruises" ], [ "AIDAstella", "OWNER", "Costa Crociere" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Costa Crociere is the owner of the AIDAstella and are based in Genoa. The operator of AIDAstella is AIDA Cruises." }, { "source": "webnlg", "text": "The ship AIDAstella is operated by AIDA Cruises which is owned by Costa Crociere is in Genoa." }, { "source": "webnlg", "text": "AIDAstella is operated by AIDA Cruises and owned by, Costa Crociere which is located in Genoa." } ] }, { "tripleset": [ [ "Delta II", "LAUNCH_SITE", "Vandenberg AFB Space Launch Complex 2" ], [ "Antares (rocket)", "COMPARABLE", "Delta II" ], [ "Delta II", "COUNTRY_ORIGIN", "United States" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The origin of the Delta II is the United States and it was launched at the Vandenberg AFB Space Launch Complex 2. The Antares rocket is similar to the Delta II." }, { "source": "webnlg", "text": "The rocket Antares is comparable to the American, Delta II. The launch site of the Delta II was at the Vandenberg AFB Space Launch Complex 2." }, { "source": "webnlg", "text": "The Delta II which is similar to the Antares rocket is from the United States and was launched from Vandenberg AFB Space Launch Complex 2." } ] }, { "tripleset": [ [ "Guiana Space Centre", "HEADQUARTER", "French Guiana" ], [ "ELA-3", "SITE", "Guiana Space Centre" ], [ "Ariane 5", "LAUNCH_SITE", "ELA-3" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The ELA-3 is found at the Guiana Space Centre whose HQ is in French Guiana. One craft launched there was the Ariane 5." }, { "source": "webnlg", "text": "The Ariane 5 was launched at ELA-3 at the Guiana Space Centre. The Guiana Space Centre has its headquarters in French Guiana." } ] }, { "tripleset": [ [ "Guiana Space Centre", "LOCATION", "Kourou, French Guiana" ], [ "ELA-3", "SITE", "Guiana Space Centre" ], [ "Ariane 5", "LAUNCH_SITE", "ELA-3" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The launch site of the Ariane was ELA-3 launchpad, the site of which, is situated at the Guiana Space Centre. The Guiana Space Centre is located in Kourou,French Guiana." }, { "source": "webnlg", "text": "The launch site of the Ariane was ELA-3 at the Guiana Space Centre at Kourou, French Guiana." }, { "source": "webnlg", "text": "The Guiana Space Centre, in Kourou, French Guiana, is the location of ELA-3, the launchsite of the Ariane 5." } ] }, { "tripleset": [ [ "Neptun Werft", "LOCATION_CITY", "Rostock" ], [ "A-Rosa Luna", "BUILDER", "Neptun Werft" ], [ "Neptun Werft", "LOCATION_COUNTRY", "Germany" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The A-Rosa was built by Neptun Werft which is headquartered in Rostock, Germany." }, { "source": "webnlg", "text": "The builder of the A-Rosa is Neptun Werft, which headquartered in Rostock, Germany." }, { "source": "webnlg", "text": "Neptun Werft is headquartered in Rostock, Germany. They made the A Rosa Luna." } ] }, { "tripleset": [ [ "United States", "DEMONYM", "Americans" ], [ "Atlas II", "COUNTRY_ORIGIN", "United States" ], [ "United States", "ETHNIC_GROUP", "African Americans" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Atlas II originated in the United States, where the inhabitants are called Americans and where African Americans are one of the ethnic groups." }, { "source": "webnlg", "text": "The Atlas II originated from the U.S, where Americans live and one of the ethnic groups is African Americans." }, { "source": "webnlg", "text": "Atlas II comes from the US, where Americans live and where African Americans are an ethnic group." } ] }, { "tripleset": [ [ "Aaron Hunt", "CLUB", "VfL Wolfsburg" ], [ "Aaron Hunt", "YOUTH_CLUB", "Goslarer SC 08" ], [ "Aaron Hunt", "CLUB", "SV Werder Bremen" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Aaron Hunt plays for Vfl Wolfsburg and SV Werder Bremen. He was a member of the Goslarer SC 08 youth team." }, { "source": "webnlg", "text": "Aaron Hunt represented the club Goslarer SC 08 at youth level and has since played for both SV Werder Bremen and Vfl Wolfsburg." }, { "source": "webnlg", "text": "Aaron Hun's club is VfL Wolfsburg but he previously played for both SV Werder Bremen and Goslarer SC 08 youth team." } ] }, { "tripleset": [ [ "Aaron Hunt", "CLUB", "VfL Wolfsburg" ], [ "VfL Wolfsburg", "MANAGER", "Dieter Hecking" ], [ "Aaron Hunt", "CLUB", "SV Werder Bremen II" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Aaron Hunt's club is VfL Wolfsburg who are managed by Dieter Hecking, but he previously played for SV Werder Bremen II." }, { "source": "webnlg", "text": "Aaron Hunt plays for the club SV Werder Bremen II and also VfL Wolfsburg which is managed by Dieter Hecking." } ] }, { "tripleset": [ [ "Abel Hern\u00e1ndez", "YOUTH_CLUB", "Central Espa\u00f1ol" ], [ "Abel Hern\u00e1ndez", "CLUB", "Hull City A.F.C." ], [ "Abel Hern\u00e1ndez", "CLUB", "U.S. Citt\u00e0 di Palermo" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Abel Hern\u00e1ndez's clubs are Hull City AFC and US Citta di Palermo. He previously played youth football for Central Espanol." }, { "source": "webnlg", "text": "Abel Hernandez is a member of the Central Espanol youth team and he plays for Hull City AFC but his club is US Citta di Palermo." }, { "source": "webnlg", "text": "Abel Hernandez's club is US Citta di Palermo. He formerly played youth football for Central Espanol and now plays for Hull City AFC." } ] }, { "tripleset": [ [ "Abel Hern\u00e1ndez", "YOUTH_CLUB", "Central Espa\u00f1ol" ], [ "Abel Hern\u00e1ndez", "CLUB", "U.S. Citt\u00e0 di Palermo" ], [ "Abel Hern\u00e1ndez", "CLUB", "Pe\u00f1arol" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Abel Hernandez played youth football for Central Espanol. He has since been associated with clubs US Citta di Palermo and Penarol." }, { "source": "webnlg", "text": "Abel Hern\u00e1ndez played football at youth level for Central Espa\u00f1ol. At senior level he has played for US Citta di Palermo and Penarol." }, { "source": "webnlg", "text": "Abel Hern\u00e1ndez plays football for U.S. Citt\u00e0 di Palermo, having previously played for Penarol and at youth level for Central Espa\u00f1ol." } ] }, { "tripleset": [ [ "Adam Maher", "CLUB", "PSV Eindhoven" ], [ "Adam Maher", "BIRTH_PLACE", "Netherlands" ], [ "Adam Maher", "CLUB", "AZ Alkmaar" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Netherlands born Adam Maher's former clubs include PSV Eindhoven and AZ Alkmaar." }, { "source": "webnlg", "text": "Adam Maher was born in the Netherlands and his clubs are PSV Eindhoven and AZ Alkmaar." }, { "source": "webnlg", "text": "Adam Maher was born in the Netherlands and is connected to the AZ Alkmaar club. His current club is PSV Eindhoven." } ] }, { "tripleset": [ [ "Akeem Adams", "CLUB", "United Petrotrin F.C." ], [ "United Petrotrin F.C.", "GROUND", "Palo Seco" ], [ "Akeem Adams", "CLUB", "W Connection F.C." ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Akeem Adams plays for W Connection FC , having previously played for United Petrotrin F.C., whose ground is Palo Seco." }, { "source": "webnlg", "text": "Akeem Adams played for W Connection F.C. and is a member of the United Petrotrin F.C. club. which play in Palo Seco." }, { "source": "webnlg", "text": "Akeem Adams played for W Connection F.C. and the United Petrotrin F.C., whose ground was Palo Seco." } ] }, { "tripleset": [ [ "Akeem Ayers", "FORMER_TEAM", "Los Angeles Rams" ], [ "Akeem Ayers", "DRAFT_ROUND", "\"2\"" ], [ "Akeem Ayers", "DRAFT_PICK", "\"39\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Former Los Angeles Rams team member, Akeem Ayers, was number 39 in the draft pick, in draft round 2." }, { "source": "webnlg", "text": "Akeem Ayers, whose former team was the Los Angeles Rams, was in draft round 2 and his draft pick number was 39." } ] }, { "tripleset": [ [ "Akeem Ayers", "FORMER_TEAM", "St. Louis Rams" ], [ "Akeem Ayers", "DRAFT_ROUND", "\"2\"" ], [ "Akeem Ayers", "DRAFT_PICK", "\"39\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Akeem Ayers used to play for the St. Louis Rams. He was number 39 in the draft pick in draft round 2." }, { "source": "webnlg", "text": "Akeem Ayers, who formerly played for St Louis Rams, was number 39 in the draft pick and in draft round 2." }, { "source": "webnlg", "text": "St Louis Rams is the former team of Akeem Ayers, who was drat pick 39, in the draft round, 2." } ] }, { "tripleset": [ [ "Akeem Dent", "DEBUT_TEAM", "Atlanta Falcons" ], [ "Akeem Dent", "DATE_OF_BIRTH", "1987-09-27" ], [ "Akeem Dent", "BIRTH_PLACE", "\"Atlanta, Georgia\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Akeem Dent, who made his debut with the Atlanta Falcons, was born in Atlanta, Georgia on 27 September 1987." }, { "source": "webnlg", "text": "Akeem Dent, who was born on 27 September 1987 in Atlanta, Georgia, made his debut with the Atlanta Falcons." }, { "source": "webnlg", "text": "Akeem Dent, who was born in Atlanta Georgia on 27 September 1987, made his debut with the Atlanta Falcons." } ] }, { "tripleset": [ [ "Alaa Abdul-Zahra", "BIRTH_PLACE", "Iraq" ], [ "Alaa Abdul-Zahra", "CLUB", "Shabab Al-Ordon Club" ], [ "Alaa Abdul-Zahra", "CLUB", "Iraq national under-20 football team" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alaa Abdul Zahra, born in Iraq, plays for Shabab Al-Ordon Club, and also for the Iraq national under 20 football team." }, { "source": "webnlg", "text": "Iraqi born, Alaa Abdul-Zahra, whose club is Shabab Al-Ordon Club, plays for the Iraq national under 20 football team." }, { "source": "webnlg", "text": "Alaa Abdul-Zahra, who was born in Iraq, is a member of the club Shabab Al-Ordon Club and plays for the Iraq national under 20 football team." } ] }, { "tripleset": [ [ "Alaa Abdul-Zahra", "CLUB", "Al Kharaitiyat SC" ], [ "Al Kharaitiyat SC", "GROUND", "Al Khor" ], [ "Alaa Abdul-Zahra", "CLUB", "Shabab Al-Ordon Club" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alaa Abdul-Zahra's club is Shabab Al-Ordon Club and he plays for Al Kharaitiyat SC at their home ground Al Khor." }, { "source": "webnlg", "text": "Alaa Abdul-Zahra's clubs are Shabab Al-Ordon and also Al Kharaitiyat SC whose ground is Al Khor." }, { "source": "webnlg", "text": "Shabab Al-Ordon Club is one of the clubs of Alaa Abdul Zahra, Another is, AL Kharaitiyat SC which is located in Al Khor." } ] }, { "tripleset": [ [ "Alan Martin (footballer)", "CLUB", "Hamilton Academical F.C." ], [ "Alan Martin (footballer)", "DATE_OF_BIRTH", "1989-01-01" ], [ "Alan Martin (footballer)", "CLUB", "Clyde F.C." ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Footballer, Alan Martin, was born on 01/01/1989. He is a footballer for the clubs, Hamilton Academical FC and Clyde FC club." }, { "source": "webnlg", "text": "Born on 1 January 1989, Alan Martin currently plays for Hamilton Academical FC, having previously played with Clyde FC." }, { "source": "webnlg", "text": "Footballer, Alan Martin, was born on 01/01/1989. He played football for Clyde F.C. and plays for Hamilton Academical FC." } ] }, { "tripleset": [ [ "Alan Martin (footballer)", "CLUB", "Motherwell F.C." ], [ "Alan Martin (footballer)", "CLUB", "Accrington Stanley F.C." ], [ "Accrington Stanley F.C.", "GROUND", "Accrington" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alan Martin, whose club is Motherwell FC, played for Accrington Stanley FC who have their ground in Accrington." }, { "source": "webnlg", "text": "Alan Martin's football club is Motherwell FC and he has also played for the Accrington based club Accrington Stanley." } ] }, { "tripleset": [ [ "Aleksander Barkov, Jr.", "CLUB", "Florida Panthers" ], [ "Aleksander Barkov, Jr.", "DATE_OF_BIRTH", "1995-09-02" ], [ "Aleksander Barkov, Jr.", "BIRTH_PLACE", "\"Tampere, Finland\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Aleksander Barkov Jr was born in Tampere, Finland on 1995-09-02 and he plays for the Florida Panthers." }, { "source": "webnlg", "text": "Born September 2, 1995, Aleksander Barkov Jr of Tampere, Finland, played for the Florida Panthers." }, { "source": "webnlg", "text": "Aleksander Barkov Jr was born on 2 September 1995 in Tampere, Finland and his club is the Florida Panthers." } ] }, { "tripleset": [ [ "Aleksander Barkov, Jr.", "DRAFT_TEAM", "Florida Panthers" ], [ "Aleksander Barkov, Jr.", "DATE_OF_BIRTH", "1995-09-02" ], [ "Aleksander Barkov, Jr.", "BIRTH_PLACE", "\"Tampere, Finland\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Aleksander Barkov Jr, whose draft team was the Florida Panthers, was born on 2 September 1995 in Tampere, Finland." }, { "source": "webnlg", "text": "Aleksander Barkov Jr was born in Tampere, Finland on Sept. 2, 1995 and his draft team is the Florida Panthers." }, { "source": "webnlg", "text": "Aleksander Barkov Jr was born Sept. 2, 1995 in Tampere, Finland and drafted with the Florida Panthers." } ] }, { "tripleset": [ [ "Aleksandr Chumakov", "DEATH_PLACE", "Russia" ], [ "Russia", "LEADER_NAME", "Vladimir Putin" ], [ "Aleksandr Chumakov", "BIRTH_PLACE", "Soviet Union" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Aleksandr Chumakov was born in the Soviet Union and he died in Russia, where the leader is Vladimir Putin." }, { "source": "webnlg", "text": "Aleksandr Chumakov was born in the Soviet Union and died there in Russia. The leader of Russia is Vladimir Putin." }, { "source": "webnlg", "text": "Aleksandr Chumakov was born in the Soviet Union and died in Russia, where the leader is Vladimir Putin." } ] }, { "tripleset": [ [ "Aleksandr Prudnikov", "DATE_OF_BIRTH", "1989-02-24" ], [ "Aleksandr Prudnikov", "CLUB", "FC Kuban Krasnodar" ], [ "Aleksandr Prudnikov", "CLUB", "FC Alania Vladikavkaz" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Footballer Aleksandr Prudnikov , (February 24, 1989), plays for FC Kuban Krasnodar and Alania Vladikavkaz." }, { "source": "webnlg", "text": "Born on 24th February 1989, Aleksandr Prudnikov, plays for both, FC Alania Vladikavkaz and FC Kuban Krasnodar club." }, { "source": "webnlg", "text": "Aleksandr Prudnikov who was born on 24 February 1989 plays for FC Kuban Krasnodar and FC Alania Vladikavkaz." } ] }, { "tripleset": [ [ "Aleksandr Prudnikov", "DATE_OF_BIRTH", "1989-02-24" ], [ "Aleksandr Prudnikov", "CLUB", "Russia national football B team" ], [ "Aleksandr Prudnikov", "CLUB", "FC Tom Tomsk" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Born on February 24th 1989, the footballer Aleksandr Prudnikov represented the Russia national B team and also played for FC Tom Tomsk." }, { "source": "webnlg", "text": "Aleksandr Prudnikov, whose club is FC Tom Tomsk, was born on 24th February 1989 and has played for the Russia national football B team." }, { "source": "webnlg", "text": "Born, 1989-02-24, Aleksandr Prudnikov, belongs to the Russia National Football B Team and plays for FC Tom Tomsk." } ] }, { "tripleset": [ [ "Aleksandre Guruli", "CLUB", "Olympique Lyonnais" ], [ "Olympique Lyonnais", "GROUND", "Parc Olympique Lyonnais" ], [ "Aleksandre Guruli", "CLUB", "AZAL PFK" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Aleksandre Guruli's club is Olympique Lyonnais, whose home ground is the Parc Olympique Lyonnais stadium. He also plays for AZAL PFK." }, { "source": "webnlg", "text": "AZAL PFK player, Aleksandre Guruli, played for the Olympique Lyonnais club, the home ground of which, is the Parc Olympique Lyonnais stadium." } ] }, { "tripleset": [ [ "Aleksandre Guruli", "CLUB", "Olympique Lyonnais" ], [ "Olympique Lyonnais", "GROUND", "Parc Olympique Lyonnais" ], [ "Aleksandre Guruli", "CLUB", "US Lesquin" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Aleksandre Guruli plays for US Lesquin but he use to play for the Olympique Lyonnais club who play their home games at the Parc Olympique Lyonnais." }, { "source": "webnlg", "text": "Aleksandre Guruli, whose club is US Lesquin, played for the Olympique Lyonnais club who have their home ground at Parc Olympique Lyonnais stadium." }, { "source": "webnlg", "text": "Aleksandre Guruli is in the US Lesquin Club and also the Olympique Lyonnais who have their home ground at the Parc Olympique Lyonnais stadium." } ] }, { "tripleset": [ [ "Alessio Romagnoli", "CLUB", "A.C. Milan" ], [ "A.C. Milan", "MANAGER", "Sini\u0161a Mihajlovi\u0107" ], [ "Alessio Romagnoli", "CLUB", "Italy national under-16 football team" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alessio Romagnoli plays in the club A.C. Milan whose manager is Sini\u0161a Mihajlovi\u0107. He's alos in the Italy national under 16's football team." }, { "source": "webnlg", "text": "Footballer Alessio Romagnoli, who represented Italy at Under 16 level, plays for C Milan, where the manager is Sini\u0161a Mihajlovi\u0107." }, { "source": "webnlg", "text": "Alessio Romagnoli played for the Italy national under-16 football team. He plays for the club A.C. Milan which is managed by, Sini\u0161a Mihajlovi\u0107." } ] }, { "tripleset": [ [ "Alessio Romagnoli", "CLUB", "A.C. Milan" ], [ "A.C. Milan", "MANAGER", "Sini\u0161a Mihajlovi\u0107" ], [ "Alessio Romagnoli", "CLUB", "U.C. Sampdoria" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alessio Romagnoli plays for A.C. Milan, managed by Sini\u0161a Mihajlovi\u0107 and also played for UC Sampdoria." }, { "source": "webnlg", "text": "Alessio Romagnoli, who is connected to UC Sampdoria, plays for A.C. Milan which, is managed by, Sini\u0161a Mihajlovi\u0107." }, { "source": "webnlg", "text": "Sini\u0161a Mihajlovi\u0107 is the manager for A.C. Milan, of which Alessio Romagnoli is a member. Alessio Romagnoli plays for the club U.C. Sampdoria." } ] }, { "tripleset": [ [ "Alessio Romagnoli", "CLUB", "Italy national under-16 football team" ], [ "Italy national under-16 football team", "COACH", "Daniele Zoratto" ], [ "Alessio Romagnoli", "CLUB", "A.S. Roma" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alessio Romagnoli is coached by Daniele Zoratto in the Italy national under 16 football team. He plays for A.S. Roma." }, { "source": "webnlg", "text": "Alessio Romagnoli plays for A.S. Roma and he use to play for the Italian national under 16 football team, which is coached by Daniele Zoratto." }, { "source": "webnlg", "text": "Alessio Romagnoli plays for A.S. Roma and previously for the Italian national under 16 football team coached by Daniele Zoratto." } ] }, { "tripleset": [ [ "Alessio Romagnoli", "CLUB", "Italy national under-17 football team" ], [ "Alessio Romagnoli", "CLUB", "U.C. Sampdoria" ], [ "Alessio Romagnoli", "BIRTH_PLACE", "Italy" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Italian born Alessio Romagnoli is a member of the Italian national under 17 football team and plays for the club U.C. Sampdoria." }, { "source": "webnlg", "text": "Alessio Romagnoli played for the club U.C. Sampdoria, and is a member of club Italy national under 17's. He was born in Italy." }, { "source": "webnlg", "text": "Alessio Romagnoli who was born in italy plays for U. C. Sampdoria and the Italian national under-17 football team." } ] }, { "tripleset": [ [ "Alex Plante", "BIRTH_PLACE", "Brandon, Manitoba" ], [ "Alex Plante", "HEIGHT", "1.9304" ], [ "Alex Plante", "CLUB", "Anyang Halla" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alex Plante was born in Brandon, Manitoba and is 1.9304 m high. He is in the Anyang Halla club." }, { "source": "webnlg", "text": "Alex Plante was born in Brandon, Manitoba and is 1.9304 m tall. He plays for the Anyang Halla club." } ] }, { "tripleset": [ [ "Alex Plante", "HEIGHT", "1.9304" ], [ "Alex Plante", "CLUB", "Anyang Halla" ], [ "Alex Plante", "BIRTH_PLACE", "Canada" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "1.9304m tall, Alex Plante, was born in Canada and has played for the club Anyang Halla." }, { "source": "webnlg", "text": "Born in Canada, Alex Plante is 1.9304 metres tall and has played for the club Anyang Halla." }, { "source": "webnlg", "text": "Alex Plante's club is Anyang Halla, he is 1.9304m in height and was born in Canada." } ] }, { "tripleset": [ [ "Alex Tyus", "LEAGUE", "Euroleague" ], [ "Alex Tyus", "CLUB", "Maccabi Ashdod B.C." ], [ "Maccabi Ashdod B.C.", "COACH", "Zvi Sherf" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alex Tyus plays in the Euroleague for the Maccabi Ashdod BC club whose coach is Zvi Sherf." }, { "source": "webnlg", "text": "Alex Tyus plays for Maccabi Ashdod B.C. in the Euroleague. The coach of the Ashdod team is Zvi Sherf." }, { "source": "webnlg", "text": "Alex Tyus plays in the Euroleague for Maccabi Ashdod BC whose coach is Zvi Sherf." } ] }, { "tripleset": [ [ "Alex Tyus", "LEAGUE", "Turkish Basketball Super League" ], [ "Alex Tyus", "CLUB", "Maccabi Ashdod B.C." ], [ "Maccabi Ashdod B.C.", "COACH", "Zvi Sherf" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The league Alex Tyus plays in is the Turkish Basketball Super League. His club is Maccabi Ashdod BC which is coached by, Zvi Sherf." }, { "source": "webnlg", "text": "Alex Tyus plays for Maccabi Ashdod B.C who are coached by Zvi Sherf and are part of the Turkish Basketball Super League." } ] }, { "tripleset": [ [ "FC Spartak Moscow", "GROUND", "Otkrytiye Arena" ], [ "Aleksandr Prudnikov", "CLUB", "FC Tom Tomsk" ], [ "Aleksandr Prudnikov", "CLUB", "FC Spartak Moscow" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Aleksandr Prudnikov plays for FC Tom Tomsk and his club is FC Spartak Moscow, whose grounds are the Otkrytiye Arena." }, { "source": "webnlg", "text": "Aleksandr Prudnikov plays for FC Tom Tomsk and his club is FC Spartak Moscow, who have their home ground at the Otkrytiye Arena." } ] }, { "tripleset": [ [ "FC Spartak Moscow", "GROUND", "Otkrytiye Arena" ], [ "Aleksandr Prudnikov", "YOUTH_CLUB", "FC Spartak Moscow" ], [ "Aleksandr Prudnikov", "CLUB", "FC Anzhi Makhachkala" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Aleksandr Prudnikov's club is FC Anzhi Makhachkala and he played youth football for FC Spartak Moscow whose grounds are the Otkrytiye Arena." }, { "source": "webnlg", "text": "Otkrytiye Arena is the home ground of FC Spartak Moscow, where Aleksandr Prudnikov played youth football. He later represented FC Anzhi Makhachkala." }, { "source": "webnlg", "text": "Aleksandr Prudnikov plays for FC Anzhi Makhachkala. His youth football club was FC Spartak Moscow at Otkrytiye Arena." } ] }, { "tripleset": [ [ "FC Torpedo Moscow", "SEASON", "2014\u201315 Russian Premier League" ], [ "Aleksandr Chumakov", "CLUB", "FC Torpedo Moscow" ], [ "FC Torpedo Moscow", "MANAGER", "Valery Petrakov" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Aleksandr Chumakov's club was FC Torpedo Moscow. The club, which is managed by Valery Petrakov, played the 2014\u201315 season in the Russian Premier League." }, { "source": "webnlg", "text": "Aleksandr Chumakov plays for FC Torpedo Moscow who are managed by Valery Petrakov and played in the 2014-15 Russian Premier league." }, { "source": "webnlg", "text": "Aleksandr Chumakov's club was FC Torpedo Moscow, the manager of which, is Valery Petrakov. FC Torpedo Moscow played in the 2014-15 Russian Premier League." } ] }, { "tripleset": [ [ "Hull City A.F.C.", "MANAGER", "Steve Bruce" ], [ "Abel Hern\u00e1ndez", "CLUB", "Hull City A.F.C." ], [ "Abel Hern\u00e1ndez", "CLUB", "Uruguay Olympic football team" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Abel Hernandez, who played for the Uruguay Olympic football team, plays for Hull City AFC under their manager Steve Bruce." }, { "source": "webnlg", "text": "Abel Hern\u00e1ndez plays for the Uruguay Olympic football team and his club is Hull City A.F.C. which is managed by Steve Bruce." }, { "source": "webnlg", "text": "Abel Hern\u00e1ndez plays for the Uruguay Olympic football team and also for Hull City AFC which is managed by Steve Bruce." } ] }, { "tripleset": [ [ "Moscow", "LEADER_NAME", "Sergey Sobyanin" ], [ "Aleksandr Chumakov", "DEATH_PLACE", "Russia" ], [ "Aleksandr Chumakov", "BIRTH_PLACE", "Moscow" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Aleksandr Chumakov was born in Moscow, Russia and he died in Russia. The leader of Moscow is Sergey Sobyanin." }, { "source": "webnlg", "text": "Aleksandr Chumakov was born in Moscow and died in Russia. Sergey Sobyanin is Moscow's leader." }, { "source": "webnlg", "text": "Sergey Sobyanin is the leader of Moscow, which is where Aleksandr Chumakov was born, he died in Russia." } ] }, { "tripleset": [ [ "Real Madrid Castilla", "MANAGER", "Luis Miguel Ramis" ], [ "Abner (footballer)", "CLUB", "Brazil national under-20 football team" ], [ "Abner (footballer)", "CLUB", "Real Madrid Castilla" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Footballer, Abner, played for the Brazilian national under 20 football team. He also for the football club Real Madrid Castilla, the manager of which, is Luis Miguel Ramis." }, { "source": "webnlg", "text": "Abner plays football for the Brazilian national under 20 football team and also for Real Madrid Castilla who are managed by Luis Miguel Ramis." }, { "source": "webnlg", "text": "Abner is a footballer who has represented the Brazil national under 20 team and plays for Real Madrid Castilla under their manager Luis Miguel Ramis." } ] }, { "tripleset": [ [ "Real Madrid Castilla", "MANAGER", "Luis Miguel Ramis" ], [ "Abner (footballer)", "CLUB", "Real Madrid Castilla" ], [ "Abner (footballer)", "CLUB", "C.D. FAS" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Footballer, Abner, plays C.D. FAS. and Real Madrid Castilla, the manager of which, is Luis Miguel Ramis." }, { "source": "webnlg", "text": "Footballer, Abner plays for the club, Real Madrid Castilla and belongs to C.D. FAS club. Luis Miguel Ramis manages the Real Madrid Castilla." }, { "source": "webnlg", "text": "The footballer Abner has played for C.D. FAS and also Real Madrid Castilla, which is managed by Luis Miguel Ramis." } ] }, { "tripleset": [ [ "St. Louis", "IS_PART_OF", "Greater St. Louis" ], [ "Alex Tyus", "BIRTH_PLACE", "St. Louis" ], [ "St. Louis", "LEADER_NAME", "Francis G. Slay" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "St Louis, part of Greater St Louis, is led by Francis G Slay and is the birthplace of Alex Tyus." }, { "source": "webnlg", "text": "Alex Tyus was born in St Louis, (part of greater St. Louis), where Francis G. Slay is the leader." }, { "source": "webnlg", "text": "Alex Tyus was born in St Louis, part of Greater St Louis, the leader of which, is Francis G. Slay." } ] }, { "tripleset": [ [ "Tennessee Titans", "CITY", "Nashville, Tennessee" ], [ "Akeem Ayers", "FORMER_TEAM", "New England Patriots" ], [ "Akeem Ayers", "DEBUT_TEAM", "Tennessee Titans" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Akeem Ayers's former team is the New England Patriots and his debut team was the Tennessee Titans who are based in the city of Nashville, Tennessee." }, { "source": "webnlg", "text": "Akeem Ayers, whose former team is the New England Patriots, made his debut with the American football team Tennessee Titans based in the city of Nashville." }, { "source": "webnlg", "text": "Akeem Ayers' debut team was the Tennessee Titans, who are based in the city of Nashville, Tennessee. He later played for the New England Patriots." } ] }, { "tripleset": [ [ "United Petrotrin F.C.", "GROUND", "Palo Seco" ], [ "Akeem Adams", "CLUB", "Trinidad and Tobago national under-20 football team" ], [ "Akeem Adams", "CLUB", "United Petrotrin F.C." ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Akeem Adams, who has represented Trinidad and Tobago at under 20 level, played for United Petrotrin FC, whose ground is Palo Seco." }, { "source": "webnlg", "text": "Akeem Adams, who plays for the Trinidad and Tobago national under-20 football team previously played for United Petrotin FC whose ground is at Palo Seco." }, { "source": "webnlg", "text": "Akeem Adams played for United Petrotrin F.C., who play their home games at Palo Seco ground. He also played for the Trinidad and Tobago national under 20 team." } ] }, { "tripleset": [ [ "Aaron Hunt", "CLUB", "SV Werder Bremen" ], [ "SV Werder Bremen II", "MANAGER", "Alexander Nouri" ], [ "Aaron Hunt", "CLUB", "SV Werder Bremen II" ], [ "SV Werder Bremen II", "LEAGUE", "3. Liga" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Aaron Hunt played for SV Werder Bremen and SV Werder Bremen II. The latter is managed by Alexander Nouri and is in the league 3 Liga." }, { "source": "webnlg", "text": "Alexander Nouri is the manager of SV Werder Bremen, which Aaron Hunt plays for. He also plays for, SV Werder Bremen II which is in the league 3 Liga." }, { "source": "webnlg", "text": "SV Werder Bremen is managed by Alexander Nouri and SV Werder Bremen II are players in 3 Liga. Aaron Hunt plays for both clubs." } ] }, { "tripleset": [ [ "Abel Hern\u00e1ndez", "CLUB", "Pe\u00f1arol" ], [ "Abel Hern\u00e1ndez", "YOUTH_CLUB", "Central Espa\u00f1ol" ], [ "Hull City A.F.C.", "MANAGER", "Steve Bruce" ], [ "Abel Hern\u00e1ndez", "CLUB", "Hull City A.F.C." ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Abel Hernandez belongs to Abel Hernandezand club Penarol. He also plays for, Steve Bruce managed, Hull City A.F.C." }, { "source": "webnlg", "text": "Abel Hernandez, who played for Penarol, was a member of the Central Espanol youth team. Abel Hern\u00e1ndez's club is Hull City A.F.C. which is managed by, Steve Bruce." }, { "source": "webnlg", "text": "Abel Hernandez, whose club is Penarol, played youth football for Central Espa\u00f1ol. his club is also Hull City A.F.C., the manager of which, is Steve Bruce." } ] }, { "tripleset": [ [ "Abel Hern\u00e1ndez", "YOUTH_CLUB", "Pe\u00f1arol" ], [ "Abel Hern\u00e1ndez", "CLUB", "Central Espa\u00f1ol" ], [ "Pe\u00f1arol", "MANAGER", "Jorge Orosm\u00e1n da Silva" ], [ "Abel Hern\u00e1ndez", "CLUB", "U.S. Citt\u00e0 di Palermo" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Abel Hern\u00e1ndez plays for the club, U.S. Citt\u00e0 di Palermo and played for the Central Espanol club. He was a member of youth club Pe\u00f1arol which is managed by, Jorge Orosm\u00e1n da Silva." }, { "source": "webnlg", "text": "Abel Hern\u00e1ndez was a member of youth club Pe\u00f1arol, managed by, Jorge Orosm\u00e1n da Silva. Abel Hernandezalso played for the Central Espanol club and now his club is US Citta di Palermo." }, { "source": "webnlg", "text": "Abel Hern\u00e1ndez has played for Central Espa\u00f1ol and plays for the club, U.S. Citt\u00e0 di Palermo. In his youth, he played for Pe\u00f1arol, the manager of which, is Jorge Orosm\u00e1n da Silva." } ] }, { "tripleset": [ [ "Abel Hern\u00e1ndez", "YOUTH_CLUB", "Pe\u00f1arol" ], [ "U.S. Citt\u00e0 di Palermo", "MANAGER", "Giuseppe Iachini" ], [ "Abel Hern\u00e1ndez", "CLUB", "U.S. Citt\u00e0 di Palermo" ], [ "U.S. Citt\u00e0 di Palermo", "LEAGUE", "Serie A" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Abel Hern\u00e1ndez, who was a member of youth club Pe\u00f1aro, plays for the club, U.S. Citt\u00e0 di Palermo. The club is managed by Giuseppe Iachini and play in the Serie A league." }, { "source": "webnlg", "text": "When he was younger, Abel Hern\u00e1ndez played for Pe\u00f1arol. He now plays for US Citta di Palermo in the Serie A. League and managed by Giuseppe Iachini." }, { "source": "webnlg", "text": "Abel Hern\u00e1ndez plays for, Giuseppe Iachini managed, U.S. Citt\u00e0 di Palermo. in the Serie A league. He has played for Pe\u00f1arol." } ] }, { "tripleset": [ [ "Adam McQuaid", "BIRTH_PLACE", "Prince Edward Island" ], [ "Adam McQuaid", "DATE_OF_BIRTH", "1986-10-12" ], [ "Adam McQuaid", "WEIGHT", "94.8024 (kilograms)" ], [ "Adam McQuaid", "DATE_OF_BIRTH", "1986" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Adam McQuaid was born October 12th 1986 in Prince Edward Island and now weighs 94.8024kg." }, { "source": "webnlg", "text": "Adam McQuaid was born October 12th 1986 on Prince Edward Island. He weighs 94.8024 kilograms." }, { "source": "webnlg", "text": "Born on Oct 12, 1986 in P.E.I. is Adam McQuaid. He weighs 94.8024 Kg." } ] }, { "tripleset": [ [ "Adam McQuaid", "DRAFT_TEAM", "Columbus Blue Jackets" ], [ "Boston Bruins", "GENERAL_MANAGER", "Don Sweeney" ], [ "Columbus Blue Jackets", "CITY", "Columbus, Ohio" ], [ "Adam McQuaid", "CLUB", "Boston Bruins" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Adam McQuaid was originally drafted to the Columbus Blue Jackets out of Columbus, Ohio. He nows plays with the Boston Bruins whose general manager is Don Sweeney." }, { "source": "webnlg", "text": "Don Sweeney is general manager for the Boston Bruins, the team Adam McQuaid played for. McQuaid was drafted to the Columbus Blue Jackets, from Columbus, Ohio." }, { "source": "webnlg", "text": "Adam McQuaid was drafted with the Columbus Blue Jackets in Columbus, Ohio. He played for the Boston Bruins whose manager is Don Sweeney." } ] }, { "tripleset": [ [ "Akeem Ayers", "FORMER_TEAM", "St. Louis Rams" ], [ "Akeem Ayers", "DATE_OF_BIRTH", "1989-07-10" ], [ "Akeem Ayers", "DEBUT_TEAM", "Tennessee Titans" ], [ "Akeem Ayers", "DATE_OF_BIRTH", "1989" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Akeem Ayers was born July 10, 1989 and debuted with the Tennessee Titans. He has played for the St. Louis Rams." }, { "source": "webnlg", "text": "Akeem Ayers; was born on 10th July 1989, made his debut for the Tennessee Titans and used to play for the St. Louis Rams." }, { "source": "webnlg", "text": "Akeem Ayers was born July 10th, 1989 and debuted with the Tennessee Titans. He also played for the St. Louis Rams at one point." } ] }, { "tripleset": [ [ "Akeem Dent", "DATE_OF_BIRTH", "1987" ], [ "Akeem Dent", "FORMER_TEAM", "Houston Texans" ], [ "Akeem Dent", "DATE_OF_BIRTH", "1987-09-27" ], [ "Akeem Dent", "BIRTH_PLACE", "\"Atlanta, Georgia\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Akeem Dent, who used to play for Houston Texans, was born on 27 September 1987 in Atlanta, Georgia." }, { "source": "webnlg", "text": "Akeem Dent was born in Atlanta, Georgia on 27th September 1987 and played for the Houston Texans." }, { "source": "webnlg", "text": "Former Houston Texans player, Akeem Dent, was born in Atlanta Georgia, on 09/27/1987." } ] }, { "tripleset": [ [ "Akeem Dent", "DEBUT_TEAM", "Atlanta Falcons" ], [ "Akeem Dent", "FORMER_TEAM", "Houston Texans" ], [ "Akeem Dent", "DATE_OF_BIRTH", "1987-09-27" ], [ "Akeem Dent", "BIRTH_PLACE", "\"Atlanta, Georgia\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Akeem Dent was born on the 27th September 1987, in Atlanta, Georgia. He debuted with the Atlanta Falcons and his former team are the Houston Texans." }, { "source": "webnlg", "text": "Akeem Dent, born September 27, 1987 in Atlanta, Georgia, on the Atlanta Falcons. He also played for the Houston Texans formerly." }, { "source": "webnlg", "text": "Akeem Dent was born in Atlanta, Georgia, on the 27th of September, 1987. He debuted with the Atlanta Falcons and used to play for Houston Texans." } ] }, { "tripleset": [ [ "Al Kharaitiyat SC", "GROUND", "Al Khor" ], [ "Alaa Abdul-Zahra", "CLUB", "Al-Zawra'a SC" ], [ "Alaa Abdul-Zahra", "CLUB", "Al Kharaitiyat SC" ], [ "Al Kharaitiyat SC", "MANAGER", "Amar Osim" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alaa Abdul Zahra has played for Al Kharaitiyat SC and Al-Zawra'a SC. Al Kharaitiyat SC. are managed by Amar Osim and play their home games at Al Khor." }, { "source": "webnlg", "text": "Alaa Abdul Zahra, whose club is Al-Zawra'a SC, is also a member of the club, AL Kharaitiyat SC Amar Osim is the manager of Al Kharaitiyat SC. which is located in Al Khor." }, { "source": "webnlg", "text": "Alaa Abdul Zahra, who played for the club Al-Zawra'a SC, plays for Al Kharaitiyat SC. Al Khor is the home ground of Al Kharaitiyat SC which is managed by, Amar Osim." } ] }, { "tripleset": [ [ "Alaa Abdul-Zahra", "CLUB", "Al Kharaitiyat SC" ], [ "Al Kharaitiyat SC", "GROUND", "Al Khor" ], [ "Alaa Abdul-Zahra", "CLUB", "Iraq national under-23 football team" ], [ "Al Kharaitiyat SC", "MANAGER", "Amar Osim" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alaa Abdul Zahra, played for the Iraq national under 23 football team, plays for Al Kharaitiyat SC, located in Al Khor, and managed by, Amar Osim." }, { "source": "webnlg", "text": "Alaa Abdul Zahra plays for Al Kharaitiyat SC, in Al Khor, and for the Iraq national under 23 football team. Al Kharaitiyat SC is managed by Amar Osim." }, { "source": "webnlg", "text": "Alaa Abdul Zahra plays for Al Kharaitiyat SC that has its home land in Al Khor. Mr. Zahra is also part of the Iraq national under 23 football team which is managed by Amar Osim." } ] }, { "tripleset": [ [ "Alaa Abdul-Zahra", "CLUB", "Al Kharaitiyat SC" ], [ "Al Kharaitiyat SC", "GROUND", "Al Khor" ], [ "Alaa Abdul-Zahra", "CLUB", "Shabab Al-Ordon Club" ], [ "Al Kharaitiyat SC", "MANAGER", "Amar Osim" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alaa Abdul Zahra plays for Al Kharaitiyat SC which is located at Al Khor and managed by Amar Osim. The Shabab Al-Ordon club is associated with Alaa Abdul-Zahra." }, { "source": "webnlg", "text": "Alaa Abdul-Zahra, whose club is Shabab Al-Ordon Club, also plays for Al Kharaitiyat SC. which is located in Al Khor. The manager of Al Kharaitiyat SC is Amar Osim." }, { "source": "webnlg", "text": "Alaa Abdul Zahra's club is AL Kharaitiyat SC which is managed by Amar Osim and is located in Al Khor. Another club of Alaa Abdul-Zahra, is Shabab Al-Ordon Club." } ] }, { "tripleset": [ [ "Alan Martin (footballer)", "CLUB", "Hamilton Academical F.C." ], [ "Alan Martin (footballer)", "DATE_OF_BIRTH", "1989-01-01" ], [ "Alan Martin (footballer)", "HEIGHT", "185.42 (centimetres)" ], [ "Alan Martin (footballer)", "CLUB", "Crewe Alexandra F.C." ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alan Martin is a footballer who is 185.42 cm in height and was born on 1 January 1989. He plays for both Hamilton Academical FC and Crewe Alexandra FC." }, { "source": "webnlg", "text": "Footballer, Alan Martin, was born on the 1st January 1989. He is 185.42 cm tall and plays for both the Hamilton Academical FC and Crewe Alexandra FC." }, { "source": "webnlg", "text": "Alan Martin was born on the 1st January 1989 and is 185.42 cm tall. He played football for Hamilton Academical F.C. and is a footballer for the Crewe Alexandra FC." } ] }, { "tripleset": [ [ "Alan Martin (footballer)", "CLUB", "Scotland national under-21 football team" ], [ "Alan Martin (footballer)", "DATE_OF_BIRTH", "1989-01-01" ], [ "Alan Martin (footballer)", "HEIGHT", "185.42 (centimetres)" ], [ "Alan Martin (footballer)", "CLUB", "Crewe Alexandra F.C." ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Footballer, Alan Martin, who played for the Scotland national under-21 football team, plays for Crewe Alexandra F.C. He was born on the 1st January 1989 and is 185.42 centimetres tall." }, { "source": "webnlg", "text": "Alan martin, was born on the 1st January 1989. He is 185.42 cm tall, a footballer for the Crewe Alexandra FC and plays in the Scottish National under 21 football team." }, { "source": "webnlg", "text": "At 185,42 centimetres tall, Footballer, Alan Martin, was born on January 1st 1989. He played for the Scotland national under-21 football team and is a footballer for the Crewe Alexandra FC." } ] }, { "tripleset": [ [ "Aleksandr Prudnikov", "DATE_OF_BIRTH", "1989-02-24" ], [ "Aleksandr Prudnikov", "HEIGHT", "185.0 (centimetres)" ], [ "Aleksandr Prudnikov", "CLUB", "FC Kuban Krasnodar" ], [ "Aleksandr Prudnikov", "CLUB", "FC Dynamo Moscow" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Aleksandr Prudnikov, who is 185cm tall and was born on 24 February 1989, plays for both FC Kuban Krasnodar and FC Dynamo Moscow." }, { "source": "webnlg", "text": "Born on Feb. 24, 1989 and measuring 185 cm tall, Aleksandr Prudnikov plays for the FC Kuban Krasnodar and is part of the Dynamo Moscow FC." }, { "source": "webnlg", "text": "Aleksandr Prudnikov was born February 24, 1989 and is 185 cm tall. He plays for FC Dynamo Moscow and FC Kuban Krasnodar." } ] }, { "tripleset": [ [ "Aleksandr Prudnikov", "CLUB", "FC Spartak Moscow" ], [ "Aleksandr Prudnikov", "DATE_OF_BIRTH", "1989-02-24" ], [ "Aleksandr Prudnikov", "HEIGHT", "185.0 (centimetres)" ], [ "Aleksandr Prudnikov", "CLUB", "FC Rubin Kazan" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Aleksandr Prudnikov was born 1989-02-24 and is now 185.0cm tall. He played for FC Spartak Moscow and plays for FC Rubin Kazan." }, { "source": "webnlg", "text": "Aleksandr Prudnikov was born on 24-02-1989, he is now 185cm tall. His club is FC Spartak Moscow but he currently plays for FC Rubin Kazan." }, { "source": "webnlg", "text": "Aleksandr Prudnikov was born on February 24th, 1989 and is 185 cm tall. He once played for FC Spartak Moscow and FC Rubin Kazan." } ] }, { "tripleset": [ [ "Aleksandre Guruli", "CLUB", "FC Karpaty Lviv" ], [ "Aleksandre Guruli", "BIRTH_PLACE", "Batumi" ], [ "Aleksandre Guruli", "HEIGHT", "178.0 (centimetres)" ], [ "Aleksandre Guruli", "CLUB", "FC Zestafoni" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Aleksandre Guruli, who was born in Batumi, is 178.0 centimetres tall. He is in the FC Zestafoni club and plays for FC Karpaty Lviv club." }, { "source": "webnlg", "text": "Aleksandre Guruli was born in Batumi and he is 1.78m tall. He has played for FC Karpaty Lviv and FC Zestafoni." }, { "source": "webnlg", "text": "Aleksandre Guruli was born in Batumi and is 178cm tall. He has played for FC Zestafoni and FC Karpaty Lviv." } ] }, { "tripleset": [ [ "Alex Plante", "DATE_OF_BIRTH", "1989" ], [ "Alex Plante", "CLUB", "Anyang Halla" ], [ "Alex Plante", "BIRTH_PLACE", "Canada" ], [ "Alex Plante", "DATE_OF_BIRTH", "1989-05-09" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alex Plante was born in Canada, on 09/05/1989. His club is called Anyang Halla." }, { "source": "webnlg", "text": "Alex Plante, who played for Anyang Halla, was born on 1989-05-09, in Canada." }, { "source": "webnlg", "text": "Alex Plante, whose club is Anyang Halla, was born in Canada, on 1989-05-09." } ] }, { "tripleset": [ [ "Alex Plante", "DATE_OF_BIRTH", "1989" ], [ "Alex Plante", "HEIGHT", "1.9304" ], [ "Alex Plante", "CLUB", "Anyang Halla" ], [ "Alex Plante", "BIRTH_PLACE", "Canada" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "1.9304 m tall, Alex Plante, whose club is, Anyang Halla, was born in Canada, in 1989." }, { "source": "webnlg", "text": "1.9304m tall Alex Plante, whose club is Anyang Halla, was born in Canada, in 1989." }, { "source": "webnlg", "text": "Alex Plante, born in Canada, 1989 is 1.9304m tall and played for Anyang Halla." } ] }, { "tripleset": [ [ "Canada", "ANTHEM", "O Canada" ], [ "Canada", "LEADER_NAME", "Elizabeth II" ], [ "Aaron Boogaard", "BIRTH_PLACE", "Canada" ], [ "Canada", "LANGUAGE", "Inuktitut" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Aaron Boogaard was born in Canada which is led by Elizabeth II, has a national anthem \"O Canada\" and uses the Inuktitut spoken language." }, { "source": "webnlg", "text": "Aaron Boogaard's birthplace is Canada. The country, where one of the languages spoken is Inuktitut. It is also where O Canada is the national anthem and the leader is Elizabeth II." }, { "source": "webnlg", "text": "The national anthem of Canada is O Canada and the leader is, Elizabeth II. Inuktitut is a spoken language in Canada, the birthplace of, Aaron Boogaard." } ] }, { "tripleset": [ [ "Canada", "ANTHEM", "O Canada" ], [ "Canada", "LEADER_NAME", "Elizabeth II" ], [ "Canada", "ETHNIC_GROUP", "Asian Canadians" ], [ "Aaron Boogaard", "BIRTH_PLACE", "Canada" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Aaron Boogaard is from Canada whose national anthem is O Canada and its leader being Elizabeth II. One ethnic group in Canada are Asian Canadians." }, { "source": "webnlg", "text": "The anthem of Canada is O Canada, the leader is Elizabeth II, one of the ethic groups in Canada are the Asian Canadians and it is the birthplace of Aaron Boogaard." }, { "source": "webnlg", "text": "O Canada is the national anthem of Canada, where Aaron Boogaard was born. Elizabeth II is the leader of Canada, where one of the ethnic groups, is Asian Canadians." } ] }, { "tripleset": [ [ "Canada", "ANTHEM", "O Canada" ], [ "Canada", "LEADER_NAME", "Elizabeth II" ], [ "Canada", "LANGUAGE", "Slavey language" ], [ "Aaron Boogaard", "BIRTH_PLACE", "Canada" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Aaron Boogaard was born in Canada whose national anthem is called O Canada and its leader is Elizabeth II. Slavey is spoken in Canada." }, { "source": "webnlg", "text": "Elizabeth II is Canada's leader and the national anthem is \"O Canada\". It is home to Aaron Boogaard and the Slavey language is spoken." }, { "source": "webnlg", "text": "Aaron Boogaard was born in Canada, where one of the languages is, the Slavey language. The national anthem of Canada is O Canada. and the leader is, Elizabeth II." } ] }, { "tripleset": [ [ "FC Terek Grozny", "GROUND", "Grozny" ], [ "Aleksandr Prudnikov", "CLUB", "FC Terek Grozny" ], [ "FC Terek Grozny", "MANAGER", "Rashid Rakhimov" ], [ "Aleksandr Prudnikov", "CLUB", "FC Kuban Krasnodar" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Aleksandr Prudnikov, who plays for FC Kuban Krasnodar, played for FC Terek Grozny. Rashid Rakhimov is the manager of FC Terek Grozny, the ground of which, is based at Grozny." }, { "source": "webnlg", "text": "Aleksandr Prudnikov, who plays for FC Kuban Krasnodar, also plays for FC Terek Grozny. Rashid Rakhimov is the manager of FC Terek Grozny, the ground of which, is located in Grozny." }, { "source": "webnlg", "text": "Aleksandr Prudnikov played for FC Terek Grozny whose local ground is in Grozny. He now plays for the FC Kuban Krasnodar club which is managed by Rashid Rakhimov." } ] }, { "tripleset": [ [ "FC Torpedo Moscow", "SEASON", "2014\u201315 Russian Premier League" ], [ "Aleksandr Chumakov", "CLUB", "FC Torpedo Moscow" ], [ "FC Torpedo Moscow", "MANAGER", "Valery Petrakov" ], [ "FC Torpedo Moscow", "CHAIRMAN", "Aleksandr Tukmanov" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Valery Petrakov is the manager of FC Torpedo Moscow and its chairman is Aleksandr Tukmanov. Aleksandr Chumakov plays for the club which spent the 2014-15 season in the Russian Premier League." }, { "source": "webnlg", "text": "FC Torpedo Moscow who are managed by Aleksandr Chumakov and whose chairman is Aleksandr Tukmanov, played the 2014\u201315 season in the Russian Premier League. Aleksandr Chumakov has played for the club." }, { "source": "webnlg", "text": "Aleksandr Chumakov plays for is FC Torpedo Moscow who has a manager called Valery Petrakov and a chairman called Aleksandr Tukmanov. The FC Torpedo Moscow participated in the Russian Premier League for the 2014-15 season." } ] }, { "tripleset": [ [ "Houston Texans", "CITY", "Texas" ], [ "Akeem Dent", "DEBUT_TEAM", "Atlanta Falcons" ], [ "Akeem Dent", "FORMER_TEAM", "Houston Texans" ], [ "Houston Texans", "CITY", "Houston" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Akeem Dent debuted with the Atlanta Falcons and has played with Houston, Texas based, Houston Texans." }, { "source": "webnlg", "text": "Akeem Dent's first team were the Atlanta Falcons and his former team are the Houston Texans, which are based in the city of Houston and play in Texas." }, { "source": "webnlg", "text": "Houston,Texas is the home of Houston Texans, the former club of Akeem Dent, who debuted with the Atlanta Falcons." } ] }, { "tripleset": [ [ "Pe\u00f1arol", "LEAGUE", "Uruguayan Primera Divisi\u00f3n" ], [ "Abel Hern\u00e1ndez", "YOUTH_CLUB", "Pe\u00f1arol" ], [ "Hull City A.F.C.", "MANAGER", "Steve Bruce" ], [ "Abel Hern\u00e1ndez", "CLUB", "Hull City A.F.C." ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "In his youth, Abel Hern\u00e1ndez played for Pe\u00f1arol, which play in the Uruguayan Primera Divisi\u00f3n league. Abel Hern\u00e1ndez now plays for Hull City A.F.C. which is managed by, Steve Bruce." }, { "source": "webnlg", "text": "Abel Hern\u00e1ndez was a member of youth club Pe\u00f1arol, that play in the Uruguayan Primera Divisi\u00f3n league. His current club is Hull City A.F.C. which is managed by, Steve Bruce." }, { "source": "webnlg", "text": "Abel Hernandez was a member of Penarol's youthclub which plays in the Uruguayan Primera Divisi\u00f3n. He now plays for Hull City A.F.C., the manager of which, is Steve Bruce." } ] }, { "tripleset": [ [ "(19255) 1994 VK8", "EPOCH", "2006-12-31" ], [ "(19255) 1994 VK8", "ORBITAL_PERIOD", "8788850000.0" ], [ "(19255) 1994 VK8", "PERIAPSIS", "6155910000000.0" ], [ "(19255) 1994 VK8", "APOAPSIS", "6603633000.0 (kilometres)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The epoch of (19255) 1994 VK8 is on 31 December 2006. It has an orbital period of 8788850000.0, a periapsis of 6155910000000.0 and an apoapsis of 6603633000.0 km." } ] }, { "tripleset": [ [ "(66063) 1998 RO1", "EPOCH", "2013-11-04" ], [ "(66063) 1998 RO1", "ORBITAL_PERIOD", "360.29 (days)" ], [ "(66063) 1998 RO1", "ESCAPE_VELOCITY", "0.0999 (kilometrePerSeconds)" ], [ "(66063) 1998 RO1", "APOAPSIS", "254989570.60815 (kilometres)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "(66063) 1998 RO1 has an epoch date of 2013-11-04 and an orbital period of 360.29 days. Its escape velocity is 0.0999 km/sec and it has an apoapsis of 254989570.60815 kilometres." }, { "source": "webnlg", "text": "(66063)1998 RO1 had its epoch date on 2013-11-04 and has an orbital period of 360.29 days.It has an escape velocity of 0.0999 km/s and its apoapsis is 254989570.60815 kilometres." }, { "source": "webnlg", "text": "The epoch date for 66063 1998 RO1 is November 4, 2013. Its orbital period is 360.29 days, has an escape velocity of .0999 km per sec., and its apoapsis is 254989570.60815 km." } ] }, { "tripleset": [ [ "(66063) 1998 RO1", "MEAN_TEMPERATURE", "265.0 (kelvins)" ], [ "(66063) 1998 RO1", "APOAPSIS", "254989570.60815 (kilometres)" ], [ "(66063) 1998 RO1", "EPOCH", "2013-11-04" ], [ "(66063) 1998 RO1", "ORBITAL_PERIOD", "360.29 (days)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "66063 1998 RO1 has an epoch date of 4 November 2013. It's mean temperature is 265.0 kelvins and it has an apoapsis of 254989570.60815 kilometres. 360.29 days is the orbital period of this celestial body." }, { "source": "webnlg", "text": "The mean temperature of (66063) 1998 RO1 is 265.0 kelvins and its apoapsis is 254989570.60815 kilometres. It has an epoch date of 4 November 2013 and an orbital period of 360.29 days." }, { "source": "webnlg", "text": "(66063) 1998 RO1, with an average temperature of 265 kelvins and an epoch date of 4 November 2013, has an orbital period of 360.29 days and an apoapsis of 254989570.60815 kilometres." } ] }, { "tripleset": [ [ "1000 Piazzia", "EPOCH", "2015-06-27" ], [ "1000 Piazzia", "ORBITAL_PERIOD", "488160.0" ], [ "1000 Piazzia", "PERIAPSIS", "352497000000.0" ], [ "1000 Piazzia", "ESCAPE_VELOCITY", "0.0252 (kilometrePerSeconds)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The dark asteroid called 1000 Piazzia has an orbital period of 488160.0 and its epoch is 2015-06-27. Additionally, it has periapsis of 352497000000.0 and an escape velocity of 0.0252 kilometres per second." }, { "source": "webnlg", "text": "The epoch of 1000 Piazzia is 2015-06-27. It has an escape velocity of 0.0252 km/sec, a periapsis of 352497000000.0 and an orbital period of 488160.0." }, { "source": "webnlg", "text": "The dark asteroid 1000 Piazzia has a periapsis is 352497000000.0 and an escape velocity of 0.0252 km/sec. It has an orbital period of 488160 and an epoch of 27th June 2015." } ] }, { "tripleset": [ [ "1001 Gaussia", "DISCOVERER", "Sergey Belyavsky" ], [ "1001 Gaussia", "EPOCH", "2015-06-27" ], [ "1001 Gaussia", "FORMER_NAME", "\"1923 OAA907 XC\"" ], [ "1001 Gaussia", "PERIAPSIS", "419113394.55312 (kilometres)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The epoch of 1001 Gaussia (formerly known as 1923 OAA907 XC) is 31 July 2016. It was discovered by Sergey Belyavsky and has a periapsis of 419113394.55312 (kilometres)." }, { "source": "webnlg", "text": "1923 OAA907 XC is the original name of 1001 Gaussia, which was discovered by Sergey Belyavsky and has an epoch date of June 27th 2015. Its periapsis measures 419113394.55312 kilometres." }, { "source": "webnlg", "text": "1001 Gaussia, discovered by Sergey Belyavsky, was formerly known as 1923 OAA907 XC. This asteroid, has an epoch on 31 July 2016, and a periapsis of, 419113394.55312 kilometres." } ] }, { "tripleset": [ [ "1036 Ganymed", "DISCOVERER", "Walter Baade" ], [ "Walter Baade", "BIRTH_PLACE", "German Empire" ], [ "Walter Baade", "ALMA_MATER", "University of G\u00f6ttingen" ], [ "Walter Baade", "DOCTORAL_STUDENT", "Allan Sandage" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "German Empire born Walter Baade, who studied at the University of Gottingen, was the discoverer of 1036 Ganymed. One of his doctoral students was Allan Sandage." }, { "source": "webnlg", "text": "1036 Ganymed was discovered by Walter Baade whose alma mater was the University of Gottingen. He had a doctoral student named Allan Sandage. Mr. Baade was born in Germany." } ] }, { "tripleset": [ [ "1036 Ganymed", "DISCOVERER", "Walter Baade" ], [ "Walter Baade", "DOCTORAL_STUDENT", "Halton Arp" ], [ "Walter Baade", "BIRTH_PLACE", "Preu\u00dfisch Oldendorf" ], [ "Walter Baade", "ALMA_MATER", "University of G\u00f6ttingen" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Walter Baade, who was born in Preubisch Oldendorf, discovered 1036 Ganymed. He studied at The university of Gottingen, and his doctoral student was Halton Arp." }, { "source": "webnlg", "text": "1036 Ganymed was discovered by Walter Baade. Baade was born in Preu\u00dfisch Oldendorf and attended the University of Gottingen where one of his doctoral students was Halton Arp." }, { "source": "webnlg", "text": "Walter Baade, who was born in Preu\u00dfisch Oldendorf, discovered 1036 Ganymed. He studied at The university of Gottingen and one of his doctoral students was Halton Arp." } ] }, { "tripleset": [ [ "1036 Ganymed", "DISCOVERER", "Walter Baade" ], [ "Walter Baade", "DOCTORAL_STUDENT", "Halton Arp" ], [ "Walter Baade", "DEATH_PLACE", "West Germany" ], [ "Walter Baade", "ALMA_MATER", "University of G\u00f6ttingen" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Walter Baade, who had the doctoral student Halton Arp, was the discoverer of 1036 Ganymed. He studied at the University of Gottingen and died in West Germany." }, { "source": "webnlg", "text": "Walter Baade, who had a doctoral student named Halton Arp, discovered 1036 Ganymed. He had graduated from the University of Gottingen and later died in West Germany." }, { "source": "webnlg", "text": "Halton Arp was a doctoral student of Walter Baade, the discoverer of 1036 Ganymed, who studied at the university of Gottingen, and who died in West Germany." } ] }, { "tripleset": [ [ "103 Hera", "DISCOVERER", "James Craig Watson" ], [ "James Craig Watson", "ALMA_MATER", "University of Michigan" ], [ "James Craig Watson", "DEATH_PLACE", "Madison, Wisconsin" ], [ "James Craig Watson", "DEATH_CAUSE", "Peritonitis" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The discoverer of 103 Hera, James Craig Watson, alma mater was the University of Michigan. He died in Madison, Wisconsin of peritonitis." }, { "source": "webnlg", "text": "James Craig Watson was the discoverer of 103 Hera. His Alma mater is the University of Michigan and he died in Madison, Wisconsin of peritonitis." }, { "source": "webnlg", "text": "The discoverer of 103 Hera, James Craig Watson's, Alma mater is the University of Michigan. James died in Madison, Wisconsin of peritonitis." } ] }, { "tripleset": [ [ "103 Hera", "DISCOVERER", "James Craig Watson" ], [ "James Craig Watson", "NATIONALITY", "Canada" ], [ "James Craig Watson", "DEATH_PLACE", "Madison, Wisconsin" ], [ "103 Hera", "APOAPSIS", "437170000.0 (kilometres)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Canadian James Craig Watson (who died in Madison, Wisconsin), discovered 103 Hera, which has an apoapsis of 437170000.0 kilometre)." }, { "source": "webnlg", "text": "Canadian James Craig Watson, who dies in Madison, Wisconsin, was the discoverer of 103 Hera, which has an apoapsis of 437170000.0 (kilometres)." }, { "source": "webnlg", "text": "Canadian, James Craig Watson (died in Madison, Wisconsin), was the discoverer of 103 Hera which has an apoapsis of 437170000.0 kilometres." } ] }, { "tripleset": [ [ "103 Hera", "DISCOVERER", "James Craig Watson" ], [ "James Craig Watson", "NATIONALITY", "Canada" ], [ "James Craig Watson", "DEATH_PLACE", "Madison, Wisconsin" ], [ "James Craig Watson", "DEATH_CAUSE", "Peritonitis" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "103 Hera was discovered by James Craig Watson. He was a Canadian national who died in Madison, Wisconsin of peritonitis." }, { "source": "webnlg", "text": "James Craig Watson of Canada passed in Madison, Wisconsin from peritonitis. He was the discoverer of 103 Hera." } ] }, { "tripleset": [ [ "107 Camilla", "DISCOVERER", "N. R. Pogson" ], [ "N. R. Pogson", "DEATH_PLACE", "Chennai" ], [ "107 Camilla", "PERIAPSIS", "479343000.0 (kilometres)" ], [ "N. R. Pogson", "BIRTH_PLACE", "Nottingham" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Nottingham born, N.R. Pogson (who died in Chennai), discovered 107 Camilla, which has a periapsis of 479343000.0 kilometres." }, { "source": "webnlg", "text": "N.R. Pogson discovered 107 Camilla which has a periapsis of 479,343,000 kilometres. Pogson was born in Nottingham and died in Chennai." }, { "source": "webnlg", "text": "107 Camilla was discovered by N.R. Pogson who was born in Nottingham. He died in Chennai. The periapsis of 107 Camilla is 479343000.0 (kilometres)." } ] }, { "tripleset": [ [ "107 Camilla", "DISCOVERER", "N. R. Pogson" ], [ "N. R. Pogson", "DEATH_PLACE", "Chennai" ], [ "N. R. Pogson", "BIRTH_PLACE", "Nottingham" ], [ "107 Camilla", "DISCOVERED", "2001-03-01" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "N.R. Pogson was born in Nottingham and died in Chennai.He discovered the 107 Camilla asteroid on the 1st March 2001." }, { "source": "webnlg", "text": "107 Camilla was discovered by N.R. Pogson, who was born in Nottingham and died in Chennai. It was discovered on 1 March 2001." }, { "source": "webnlg", "text": "107 Camilla was discovered by N.R. Pogson, who was born in Nottingham and died in Chennai. It was discovered on March 1st 2001." } ] }, { "tripleset": [ [ "1089 Tama", "EPOCH", "2005-11-26" ], [ "1089 Tama", "FORMER_NAME", "\"A894 VA; A904 VD;\"" ], [ "1089 Tama", "ORBITAL_PERIOD", "1202.846 (days)" ], [ "1089 Tama", "PERIAPSIS", "288749000000.0" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The epoch date of 1089 Tama is 26 November 2005 with its former name being \"A894 VA; A904 VD\". 1202.846 days is its orbital period and 288749000000.0 is its periapsis." }, { "source": "webnlg", "text": "1089 Tama (previously called A894 VA; A904 VD); has an orbital period of 1202.846 days, a periapsis of 288749000000.0, and the epoch date, 2005-11-26." }, { "source": "webnlg", "text": "The epoch of 1089 Tama (formerly known as A894 VA; A904 VD) is 2005-11-26. The celestial body has a periapsis of 288749000000.0 and an orbital period of 1202.846 days." } ] }, { "tripleset": [ [ "1089 Tama", "ESCAPE_VELOCITY", "0.0068 (kilometrePerSeconds)" ], [ "1089 Tama", "ORBITAL_PERIOD", "1202.846 (days)" ], [ "1089 Tama", "EPOCH", "2005-11-26" ], [ "1089 Tama", "APOAPSIS", "373513000.0 (kilometres)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "1089 Tama has an orbital period of 1202.846 days and its epoch date was on 26 November 2005.It has an apoapsis of 373513000.0 kilometres and its escape velocity is 0.0068km/sec." }, { "source": "webnlg", "text": "1089 Tama, with the epoch date November 26th 2011, has an escape velocity of 0.0068 kmps. It orbital period is 1202.846 days and it has an apoapsis of 373513000.0 (kilometres)." }, { "source": "webnlg", "text": "The epoch date of 1089 Tama is 26 November 2005 and it has an apoapsis of 373513000.0 kilometres. It has an escape velocity of 0.0068 km per sec and an orbital period of 1202.846 days." } ] }, { "tripleset": [ [ "1097 Vicia", "EPOCH", "2006-12-31" ], [ "1097 Vicia", "MASS", "9.8 (kilograms)" ], [ "1097 Vicia", "ORBITAL_PERIOD", "135589000.0" ], [ "1097 Vicia", "APOAPSIS", "511592000.0 (kilometres)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "1097 Vicia has a mass of 9.8 kgs, orbital period of 135589000, apoapsis of 511592000, and its epoch is the 31st of December, 2006." }, { "source": "webnlg", "text": "1097 Vicia, with the epoch date December 31st 2006, has a mass of 98 kgs, an apoapsis of 511592000.0 km and an orbital period of 135589000.0." }, { "source": "webnlg", "text": "The epoch of 1097 Vicia is on 13 January 2016 and has a mass of 9.8kg. The orbital period for 1097 Vicia is 135589000.0 and its apoapsis is 511592000.0 km." } ] }, { "tripleset": [ [ "109 Felicitas", "EPOCH", "2006-12-31" ], [ "109 Felicitas", "ORBITAL_PERIOD", "139705000.0" ], [ "109 Felicitas", "PERIAPSIS", "283326000000.0" ], [ "109 Felicitas", "ESCAPE_VELOCITY", "0.0473 (kilometrePerSeconds)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "109 Felicitas, with an escape velocity of 0.0473 kmps, has an epoch date of 31 December 2006, an orbital period of 139705000.0 and a periapsis of 283326000000.0." }, { "source": "webnlg", "text": "109 Felicitas has an orbital period of 139705000.0 and a periapsis of 283326000000.0. Its epoch date is 31 December 2006, and it has an escape velocity of 0.0473 kilometres per second." }, { "source": "webnlg", "text": "109 Felicitas ,which has an epoch date of December 31st 2006, has an escape velocity of 0.0473 kilometres per second. 139705000.0 is its orbital period and 283326000000.0 is its periapsis." } ] }, { "tripleset": [ [ "10 Hygiea", "EPOCH", "2015-06-27" ], [ "10 Hygiea", "FORMER_NAME", "\"A900 GA\"" ], [ "10 Hygiea", "ORBITAL_PERIOD", "5.57 (days)" ], [ "10 Hygiea", "PERIAPSIS", "416136000000.0" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "10 Hygiea, formerly known as \"A900 GA\", has an orbit time of 5.57 days and a periapsis of 416136000000.0. It has an epoch date of June 27th 2015." }, { "source": "webnlg", "text": "10 Hygiea was formerly known as A900 GA and has an epoch date of 27 June 2015. The orbital period is 5.57 days and the periapsis measurement is 416136000000.0." }, { "source": "webnlg", "text": "The asteroid called 10 Hygiea (formerly A900 GA); has an epoch date of 27th June 2015, a periapsis of 416136000000.0 and an orbital period of 5.57 days." } ] }, { "tripleset": [ [ "1101 Clematis", "EPOCH", "2006-12-31" ], [ "1101 Clematis", "ESCAPE_VELOCITY", "0.02 (kilometrePerSeconds)" ], [ "1101 Clematis", "ORBITAL_PERIOD", "183309000.0" ], [ "1101 Clematis", "APOAPSIS", "520906000.0 (kilometres)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "1101 Clematis has an epoch date of December 31st 2006. It has an escape velocity of 0.02 kilometres per second, an orbital period of 183309000.0 and an apoapsis of 520906000.0 kilometers." }, { "source": "webnlg", "text": "The celestial body known as 1101 Clematis has the epoch date of 31 July 2016 and an apoapsis of 520906000.0 (kilometres). It has an orbital period of 183309000.0 and an escape velocity of 0.02 kmps." } ] }, { "tripleset": [ [ "1101 Clematis", "EPOCH", "2006-12-31" ], [ "1101 Clematis", "FORMER_NAME", "\"1928 SJ\"" ], [ "1101 Clematis", "ORBITAL_PERIOD", "183309000.0" ], [ "1101 Clematis", "PERIAPSIS", "445895000000.0" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The epoch of 1101 Clematis is on the 31st of July 2016 and it has an orbital period of 183309000.0. Its former name is \"1928 SJ\" and it has a periapsis of 445895000000." }, { "source": "webnlg", "text": "1101 Clematis, formerly known as \"1928 SJ\", has an orbital period of 183309000.0 and a periapsis of 445895000000. Its epoch date is December 31st 2006." }, { "source": "webnlg", "text": "1928 SJ was the former name of 1101 Clematis and its epoch date was on 31 December 2006.Its periapsis is 445895000000.0 and its orbital period is 183309000.0." } ] }, { "tripleset": [ [ "1101 Clematis", "ESCAPE_VELOCITY", "0.02 (kilometrePerSeconds)" ], [ "1101 Clematis", "ORBITAL_PERIOD", "183309000.0" ], [ "1101 Clematis", "PERIAPSIS", "445895000000.0" ], [ "1101 Clematis", "EPOCH", "2006-12-31" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "1101 Clematis has an epoch date of December 31st 2006. It has an escape velocity of 0.02 kilometres per second, a periapsis of 445895000000, and an orbital period of 183309000.0." }, { "source": "webnlg", "text": "1101 Clematis's escape velocity is 0.02 km/s, prbital period of 183309000, periapsis of 445895000000, and an epoch on the 31st of December." } ] }, { "tripleset": [ [ "1955 Dodge", "ENGINE", "V8 engine" ], [ "1955 Dodge", "MANUFACTURER", "Dodge" ], [ "1955 Dodge", "TRANSMISSION", "\"3-speed automatic\"" ], [ "1955 Dodge", "WHEELBASE", "120.0 (inches)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The 1955 Dodge is made by the Dodge company and has a V8 engine, a 3-speed automatic transmission and a wheelbase of 120 inches." }, { "source": "webnlg", "text": "The 1955 Dodge is manufactured by Dodge and it has a V8 engine. It has a wheelbase of 120 inches and has a 3 speed automatic transmission." }, { "source": "webnlg", "text": "Dodge is the manufacturer of the 1955 Dodge which has a V8 engine, a 3 speed automatic transmission and a wheelbase of 120 inches." } ] }, { "tripleset": [ [ "1955 Dodge", "RELATED_MEAN_OF_TRANSPORTATION", "DeSoto Custom" ], [ "DeSoto Custom", "RELATED_MEAN_OF_TRANSPORTATION", "Chrysler Newport" ], [ "DeSoto Custom", "SUCCESSOR", "DeSoto Firedome" ], [ "DeSoto Custom", "MANUFACTURER", "DeSoto (automobile)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The 1955 Dodge, the Chrysler Newport and the DeSoto Custom are related means of transportation. DeSoto are the manufacturers of the DeSoto Custom, the successor of which, is the DeSoto Firedome." }, { "source": "webnlg", "text": "The 1955 Dodge is related to the Chrysler Newport and the DeSoto Custom which was made by DeSoto and succeeded by the DeSoto Firedome." }, { "source": "webnlg", "text": "The 1955 Dodge is related to the Chrysler Newport and the DeSoto Custom. The DeSoto Firedome succeeded the Desoto Custom which is manufactured by DeSoto ." } ] }, { "tripleset": [ [ "AIDA Cruises", "LOCATION", "Rostock" ], [ "AIDAstella", "OPERATOR", "AIDA Cruises" ], [ "AIDAstella", "BUILDER", "Meyer Werft" ], [ "AIDAstella", "OWNER", "Costa Crociere" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The ship AIDAstella is operated by Rostock based AIDA Cruises. It was built by Meyer Werft and is owned by Costa Crociere." }, { "source": "webnlg", "text": "Located at Rostock, AIDA Cruises operate AIDAstella ship which was built by Meyer Werft and owned by Costa Crociere." }, { "source": "webnlg", "text": "The AIDAstella was built by Meyer Werft . It is owned by Costa Crociere and operated by AIDA Cruise Line based in Rostock." } ] }, { "tripleset": [ [ "AIDAstella", "OPERATOR", "AIDA Cruises" ], [ "AIDAstella", "LENGTH", "253260.0 (millimetres)" ], [ "AIDAstella", "BUILDER", "Meyer Werft" ], [ "AIDAstella", "OWNER", "Costa Crociere" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Costa Crociere is the owner of the AIDAstella which is 25326.0 millimetres long. It was built by Meyer Werft and operated by AIDA Cruise Line." }, { "source": "webnlg", "text": "AIDAstella is 253260.0 millimetres long and was built by Meyer Werft. It is owned by Costa Crociere and operated by AIDA Cruises." }, { "source": "webnlg", "text": "The AIDAstella was built by Meyer Werft and is 253260.0 millimetres in length. It is owned by Costa Crociere and operated by AIDA cruises." } ] }, { "tripleset": [ [ "ALCO RS-3", "BUILDER", "American Locomotive Company" ], [ "ALCO RS-3", "BUILD_DATE", "\"May 1950 - August 1956\"" ], [ "ALCO RS-3", "ENGINE", "V12 engine" ], [ "ALCO RS-3", "POWER_TYPE", "Diesel-electric transmission" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The ALCO RS-3 was produced and built by the American Locomotive Company between May 1950 and August 1956. It has a V12 engine and a diesel-electric transmission." }, { "source": "webnlg", "text": "The ALCO RS-3, built by the American Locomotive Company, has a diesel-electric, V12 engine and was produced from May 1950 to August 1956." }, { "source": "webnlg", "text": "The American Locomotive Company produced the ALCO RS-3 between May 1950 and August 1956. It has a V12 engine and a diesel-electric transmission." } ] }, { "tripleset": [ [ "ALCO RS-3", "BUILDER", "American Locomotive Company" ], [ "ALCO RS-3", "LENGTH", "17068.8 (millimetres)" ], [ "ALCO RS-3", "ENGINE", "V12 engine" ], [ "ALCO RS-3", "BUILD_DATE", "\"May 1950 - August 1956\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The American Locomotive Company built the ALCO RS-3 and it was produced between May 1950 and August 1956. It's length is 17068.8 millimetres and it has a V12 engine." }, { "source": "webnlg", "text": "The ALCO RS-3 has a V12 engine and a length of 17068.8 millimetres. It was produced between May 1950 and August 1956 by the American Locomotive Company." }, { "source": "webnlg", "text": "The ALCO RS-3 which was built by the American Locomotive Company, was produced between May 1950 and August 1956. It has a V12 engine and is 17068.8 (millimetres) in length." } ] }, { "tripleset": [ [ "ALCO RS-3", "BUILDER", "American Locomotive Company" ], [ "ALCO RS-3", "LENGTH", "17068.8 (millimetres)" ], [ "American Locomotive Company", "LOCATION_COUNTRY", "United States" ], [ "American Locomotive Company", "FOUNDATION_PLACE", "Schenectady, New York" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The American Locomotive Co. was founded in Schenectady, New York and is located in the US. It built the ALCO RS-3 which is 17068.8 mms in length." }, { "source": "webnlg", "text": "The ALCO RS-3 was made in the U.S. in Schenectady, N.Y. by the American Locomotive Co. The ALCO RS-3 is 17068.8 millimetres long." }, { "source": "webnlg", "text": "The ALCO RS-3 whose length is 17068.8mm, was built by the American Locomotive Company in Schenectady, New York, US." } ] }, { "tripleset": [ [ "ALCO RS-3", "BUILDER", "Montreal Locomotive Works" ], [ "ALCO RS-3", "BUILD_DATE", "\"May 1950 - August 1956\"" ], [ "ALCO RS-3", "ENGINE", "V12 engine" ], [ "ALCO RS-3", "POWER_TYPE", "Diesel-electric transmission" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Montreal Locomotive Works built the ALCO RS-3 between May 1950 and Aug. 1956. It has a V12 engine and Diesel-Electric transmission." }, { "source": "webnlg", "text": "The ALCO RS-3 was built by the Montreal Locomotive Works and produced between May 1950 and August 1956. It has a V12 engine and a diesel-electric transmission." }, { "source": "webnlg", "text": "The ALCO RS-3 which was produced between May 1950 and August 1956, was built by the Montreal Locomotive Works. It has a diesel-electric transmission and a V12 engine." } ] }, { "tripleset": [ [ "ALCO RS-3", "BUILDER", "Montreal Locomotive Works" ], [ "ALCO RS-3", "CYLINDER_COUNT", "12" ], [ "ALCO RS-3", "BUILD_DATE", "\"May 1950 - August 1956\"" ], [ "ALCO RS-3", "ENGINE", "Four-stroke engine" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The ALCO RS-3 has 12 cylinders and a four-stroke engine. It was produced by the Montreal Locomotive Works between May 1950 and August 1956." }, { "source": "webnlg", "text": "The ALCO RS-3 was built by the Montreal Locomotive Works and produced between May 1950 and August 1956. It has 12 cylinders and a four-stroke engine." }, { "source": "webnlg", "text": "The ALCO RS-3 has 12 cylinders and a four-stroke engine. It was built between May 1950 and August 1956 by Montreal Locomotive Works." } ] }, { "tripleset": [ [ "AMC Matador", "ALTERNATIVE_NAME", "\"American Motors Matador\"" ], [ "AMC Matador", "ASSEMBLY", "Mexico City" ], [ "AMC Matador", "BODY_STYLE", "Station wagon" ], [ "AMC Matador", "ENGINE", "AMC V8 engine" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The AMC Matador is also known as American Motors Matador and is assembled in Mexico City. It has a station wagon style body and an AMC V8 engine." }, { "source": "webnlg", "text": "The AMC Matador which is assembled in Mexico City is also known as the American Motors Matador. It is in the style of a station wagon and has an AMC V8 engine." }, { "source": "webnlg", "text": "Made in Mexico City, the AMC Matador has an AMC V8 engine and a station wagon body style. It is also referred to as the American Motors Matador." } ] }, { "tripleset": [ [ "AMC Matador", "ALTERNATIVE_NAME", "\"VAM Classic\"" ], [ "AMC Matador", "ASSEMBLY", "Kenosha, Wisconsin" ], [ "AMC Matador", "CLASS", "Mid-size car" ], [ "AMC Matador", "ENGINE", "AMC straight-6 engine" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The mid-size AMC Matador, or VAM Classic, has an AMC straight-6 engine and is assembled in Kenosha, Wisconsin." }, { "source": "webnlg", "text": "The AMC Matador (alternative name, VAM Classic) was assembled in Kenosha, Wisconsin. It is classed as a mid-size car and it has an AMC straight-6 engine." }, { "source": "webnlg", "text": "The AMC Matador which is also known as the VAM Classic was assembled in Kenosha, Wisconsin. It is classed as a mid-size car and has an AMC straight-6 engine." } ] }, { "tripleset": [ [ "Acura TLX", "ASSEMBLY", "Marysville, Ohio" ], [ "Acura TLX", "CLASS", "Mid-size car" ], [ "Acura TLX", "LAYOUT", "\"front-wheel drive / all-wheel drive\"" ], [ "Acura TLX", "ENGINE", "Honda K engine" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The mid-size Acura TLX car was assembled in Marysville Ohio with a front-wheel/all-wheel drive and a Honda K engine." }, { "source": "webnlg", "text": "The Acura TLX is classed as a mid-size car, with a Honda K engine and front-wheel and all-wheel drive. It is assembled in Marysville, Ohio." }, { "source": "webnlg", "text": "The Acura TLX is a mid-size car which was assembled in Marysville, Ohio. It has front-wheel and all-wheel drive and a Honda K engine." } ] }, { "tripleset": [ [ "Acura TLX", "ASSEMBLY", "Marysville Auto Plant" ], [ "Acura TLX", "ENGINE", "V6 engine" ], [ "Acura TLX", "LAYOUT", "Front-engine design" ], [ "Acura TLX", "CLASS", "Luxury vehicle" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Acura TLX is a luxury class of vehicle with a V6 front engine design. It is made at the Marysville Auto Plant." }, { "source": "webnlg", "text": "The Acura TLX is a luxury vehicle with a V6 front engine design. It is assembled at the Marysville Auto Plant." }, { "source": "webnlg", "text": "The Acura TLX is a luxury class of vehicle made at the Marysville Auto Plant with a V6 engine and a front engine design." } ] }, { "tripleset": [ [ "Aleksey Chirikov (icebreaker)", "BUILDER", "Finland" ], [ "Aleksey Chirikov (icebreaker)", "SHIP_BEAM", "21.2" ], [ "Aleksey Chirikov (icebreaker)", "STATUS", "\"In service\"" ], [ "Aleksey Chirikov (icebreaker)", "BUILDER", "Arctech Helsinki Shipyard" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The in service icebreaker Aleksey Chirikov was built at the Arctech Helsinki Shipyard. in Finland. It has a ship beam of 21.2 m." }, { "source": "webnlg", "text": "The Finnish built Aleksey Chirikov is an icebreaker and currently in service. It was built by the Archtech Helsinki Shipyard and has a ship beam of 21.2m." }, { "source": "webnlg", "text": "Arctech Helsinki Shipyard built the icebreaker Aleksey Chirikov in Finland. It has a 21.2 m long shipbeam and is in service." } ] }, { "tripleset": [ [ "Aleksey Chirikov (icebreaker)", "BUILDER", "Finland" ], [ "Finland", "DEMONYM", "Finns" ], [ "Finland", "LEADER_NAME", "Juha Sipil\u00e4" ], [ "Aleksey Chirikov (icebreaker)", "BUILDER", "Helsinki" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The icebreaker ship Aleksey Chirikov was built in Helsinki, Finland. Juha Sipila is the leader of Finland and the people of Finland who are known as Finns." }, { "source": "webnlg", "text": "The icebreaker Aleksey Chirikov was built in Helsinki, Finland. Finland is led by Juha Sipila and the demonym is Finns." }, { "source": "webnlg", "text": "The natives of Finland are known as Finns and are led by Juha Sipila. The icebreaker Aleksey Chirikov was built in the country at Helsinki." } ] }, { "tripleset": [ [ "Aleksey Chirikov (icebreaker)", "SHIP_BEAM", "21.2" ], [ "Aleksey Chirikov (icebreaker)", "STATUS", "\"In service\"" ], [ "Aleksey Chirikov (icebreaker)", "BUILDER", "Helsinki" ], [ "Aleksey Chirikov (icebreaker)", "BUILDER", "Arctech Helsinki Shipyard" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The icebreaker Aleksey Chirikov was built at the Arctech Helsinki Shipyard in Helsinki. The Aleksey Chirikov (icebreaker) is in service and its ship beam is 21.2." }, { "source": "webnlg", "text": "The icebreaker Aleksey Chirikov was built in Helsinki by the Arctech Helsinki Shipyard It has a 21.2 m long shipbeam and is in service." } ] }, { "tripleset": [ [ "Alfa Romeo 164", "ASSEMBLY", "Italy" ], [ "Alfa Romeo 164", "RELATED_MEAN_OF_TRANSPORTATION", "Saab 9000" ], [ "Alfa Romeo 164", "ENGINE", "Straight-four engine" ], [ "Alfa Romeo 164", "RELATED_MEAN_OF_TRANSPORTATION", "Lancia Thema" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Alfa Romeo 164, which is assembled in Italy and similar to the Saab 9000 and the Lancia Thema, has a straight-four engine." }, { "source": "webnlg", "text": "The Alfa Romeo 164 is related to the Lancia Thema and the to the Saab 9000 and in that they are both cars. The Alfa Romeo 164 has a Straight four engine and was assembled in Italy." }, { "source": "webnlg", "text": "The Alfa Romeo 164, assembled in Italy, has a straight four engine and is relative to the Saab 9000 and Lancia Thema." } ] }, { "tripleset": [ [ "Alfa Romeo 164", "RELATED_MEAN_OF_TRANSPORTATION", "Fiat Croma" ], [ "Alfa Romeo 164", "ASSEMBLY", "Italy" ], [ "Alfa Romeo 164", "RELATED_MEAN_OF_TRANSPORTATION", "Saab 9000" ], [ "Alfa Romeo 164", "ENGINE", "V6 engine" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Alfa Romeo 164, assembled in Italy, has a V6 engine. It is a related mode of transportation with the Saab 9000 and the Fiat Croma." }, { "source": "webnlg", "text": "The Fiat Croma, Saab 9000 and Alfa Romeo 164 are all cars and therefore are related forms of transportation. The Alfa Romeo 164, has a V6 engine and its assembly line is in Italy." }, { "source": "webnlg", "text": "The Alfa Romeo 164 is similar to the Saab 9000 and related to the Fiat Croma. The Alfa Romeo 164's assembly line is in Italy and it has a V6 engine." } ] }, { "tripleset": [ [ "Alhambra", "SHIP_BEAM", "8.3 m" ], [ "Alhambra", "LENGTH", "63800.0 (millimetres)" ], [ "Alhambra", "SHIP_LAUNCH", "1855-05-31" ], [ "Alhambra", "STATUS", "\"Wrecked\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Alhambra is 63800.0 millimetres long and its ship beam is 8.3m. It was launched on 1855-05-31and had wrecked." }, { "source": "webnlg", "text": "The Alhambra has a ship beam of 8.3m and is 63800.0 millimetres long. It was launched on 1855-05-31 and had wrecked." }, { "source": "webnlg", "text": "The Alhambra, which was wrecked, was launched on 31 May 1855 with a ship beam of 8.3 metres and a length of 63800.0 millimetres." } ] }, { "tripleset": [ [ "Alvis Speed 25", "MANUFACTURER", "Alvis Car and Engineering Company" ], [ "Alvis Car and Engineering Company", "FOUNDATION_PLACE", "Coventry" ], [ "Alvis Speed 25", "ENGINE", "\"Petrol\"" ], [ "Alvis Car and Engineering Company", "SUCCESSOR", "Rover Company" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Alvis Car and Engineering Company was founded in Coventry and was succeeded by the Rover Company. The Alvis Speed 25 has a petrol engine and was manufactured by the Alvis Car and Engineering Company." }, { "source": "webnlg", "text": "The Alvis Speed 25, which has a petrol engine, was manufactured by the Alvis Car and Engineering Company. The company was founded in Coventry and succeeded by the Rover Co.." }, { "source": "webnlg", "text": "Alvis Speed 25, with its petrol engine, was made by the Alvis Car and Engineering Company found in Coventry. The Rover Co. succeeded that car company." } ] }, { "tripleset": [ [ "Alvis Speed 25", "MANUFACTURER", "Alvis Car and Engineering Company" ], [ "Alvis Car and Engineering Company", "FOUNDATION_PLACE", "Coventry" ], [ "Alvis Speed 25", "ENGINE", "Straight-six engine" ], [ "Alvis Car and Engineering Company", "SUCCESSOR", "Rover Company" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Alvis Speed 25 has a straight-six engine and was manufactured by the Alvis Car and Engineering Company that was founded in Coventry and succeeded by the Rover Company." }, { "source": "webnlg", "text": "The Alvis Speed 25, with its straight-six engine, was made by Coventry area, Alvis Car and Engineering Company, which was succeeded by the Rover Company." }, { "source": "webnlg", "text": "The Alvis Speed 25 was manufactured by the Alvis Car and Engineering Company which was founded in Coventry and succeeded by The Rover Co. It has a straight-six engine." } ] }, { "tripleset": [ [ "American Motors", "SUCCESSOR", "Eagle (automobile)" ], [ "AMC Matador", "MANUFACTURER", "American Motors" ], [ "American Motors", "FATE", "Chrysler" ], [ "American Motors", "KEY_PERSON", "Roy D. Chapin, Jr." ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "American motors was acquired by Chrysler. It was succeed by Eagle, and manufactures AMC Matador." }, { "source": "webnlg", "text": "American Motors was succeeded by Eagle and acquired by Chrysler, it includes figure Roy D. Chapin Jr. The AMC Matador is made by American Motors." }, { "source": "webnlg", "text": "Eagle succeeded American Motors, who manufacture the AMC Matador, were acquired by Chrysler and have Roy D Chapin Jr as a keyperson." } ] }, { "tripleset": [ [ "American submarine NR-1", "SHIP_BEAM", "3.8 m" ], [ "American submarine NR-1", "SHIP_LAUNCH", "1969-01-25" ], [ "American submarine NR-1", "TOP_SPEED", "8.334" ], [ "American submarine NR-1", "BUILDER", "General Dynamics Electric Boat" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The American submarine NR-1 was built by General Dynamics Electric Boat and launched on 25 January 1969. It has a beam of 3.8 metres and a top speed of 8.334." }, { "source": "webnlg", "text": "General Dynamics Electric Boat is the builder of the American submarine NR-1 and it was launched on January 25th 1969. It's top speed is 8.334 and it has a ship beam of 3.8 m." }, { "source": "webnlg", "text": "The American Submarine NR-1, built by General Dynamics Electric Boat, has a top speed of 8.334. It was launched January 25, 1969 and has a 3.8m ship beam." } ] }, { "tripleset": [ [ "American submarine NR-1", "SHIP_LAUNCH", "1969-01-25" ], [ "American submarine NR-1", "TOP_SPEED", "8.334" ], [ "American submarine NR-1", "LENGTH", "45000.0 (millimetres)" ], [ "American submarine NR-1", "SHIP_BEAM", "3.8 m" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The American submarine NR-1 was launched on The 25th of January 1969. It has a top speed of 8.334 km/h, a ship beam of 3.8 m., and is 45000.0 (millimetres) long." }, { "source": "webnlg", "text": "The American submarine NR-1, which was launched on The 25th of January 1969, has a top speed of 9.334 km/hr, a ship beam of 3.8m and a length of 45000.0 mms." }, { "source": "webnlg", "text": "The American sub NR-1 was launched on January 25, 1969 and it's top speed is 8.344. It is 45000.0 millimetres long and has a ship beam of 3.8 m." } ] }, { "tripleset": [ [ "Antares (rocket)", "MANUFACTURER", "Yuzhnoye Design Office" ], [ "Antares (rocket)", "FINAL_FLIGHT", "2014-10-28" ], [ "Antares (rocket)", "MAIDEN_FLIGHT", "2013-04-21" ], [ "Antares (rocket)", "LAUNCH_SITE", "Mid-Atlantic Regional Spaceport Launch Pad 0" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Antares rocket, made by Yuzhnoye Design Office, had its initial flight April 21, 2013 and final flight on 10/28/2014. It was launched at Mid-Atlantic Regional Spaceport Launch Pad 0." }, { "source": "webnlg", "text": "The Antares rocket was made by the Yuzhnoye Design Office and launched from the Mid-Atlantic Regional Spaceport Launch Pad 0. It's maiden flight was on 21 April 2013 and the final flight on 28 October 2014." }, { "source": "webnlg", "text": "The Antares rocket made its first flight on April 21, 2013 and its final flight was on 2014-10-28. It is manufactured by the Yuzhnoye Design Office and it was launched from the Mid-Atlantic Regional Spaceport Launch Pad 0." } ] }, { "tripleset": [ [ "Antares (rocket)", "MANUFACTURER", "Yuzhnoye Design Office" ], [ "Antares (rocket)", "MAIDEN_FLIGHT", "2013-04-21" ], [ "Antares (rocket)", "LAUNCH_SITE", "Mid-Atlantic Regional Spaceport Launch Pad 0" ], [ "Antares (rocket)", "FINAL_FLIGHT", "2013-09-18" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Antares rocket is manufactured at the Yuzhnoye Design Office and launched from the Mid-Atlantic Regional Spaceport Launch Pad 0. The maiden flight took place on 21 April 2013 and the final flight on 18 September 2013." } ] }, { "tripleset": [ [ "Aston Martin V8", "ASSEMBLY", "United Kingdom" ], [ "United Kingdom", "CAPITAL", "London" ], [ "Aston Martin V8", "SUCCESSOR", "Aston Martin Virage" ], [ "Aston Martin Virage", "MANUFACTURER", "Aston Martin" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Aston Martin V8 was assembled in the UK,whose capital is London.It was succeeded by the Aston Martin Virage." }, { "source": "webnlg", "text": "Aston Martin V8 was made by Aston Martin in the UK whose capital is London. The Martin was succeeded by the Aston Martin Virage." }, { "source": "webnlg", "text": "The Aston Martin V8 is assembled in the U.K which has the capital city of London. It was succeeded by the Aston Martin Virage which was made by the company Aston Martin." } ] }, { "tripleset": [ [ "Aston Martin V8", "RELATED_MEAN_OF_TRANSPORTATION", "Aston Martin DBS" ], [ "Aston Martin V8", "ENGINE", "5.3 (litres)" ], [ "Aston Martin V8", "ASSEMBLY", "United Kingdom" ], [ "Aston Martin V8", "RELATED_MEAN_OF_TRANSPORTATION", "Aston Martin RHAM/1" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Aston Martin V8 is related to the Aston Martin DBS and the Aston Martin RHAM/1. The Aston Martin V8 has a 5.3 litre engine and is assembled in the United Kingdom." }, { "source": "webnlg", "text": "The Aston Martin RHAM/1, Aston Martin V8 and Aston Martin DBS are a related means of transport. It is assembled in the United Kingdom and has a 5.3 litre engine." }, { "source": "webnlg", "text": "The Aston Martin RHAM/1, Aston Martin V8 and Aston Martin DBS are a related means of transport. The Aston Martin V8 is assembled in the U.K. and the engine volume is 5.3 litres." } ] }, { "tripleset": [ [ "Aston Martin V8", "RELATED_MEAN_OF_TRANSPORTATION", "Aston Martin DBS" ], [ "Aston Martin V8", "ENGINE", "5.3 (litres)" ], [ "Aston Martin V8", "SUCCESSOR", "Aston Martin Virage" ], [ "Aston Martin Virage", "MANUFACTURER", "Aston Martin" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Aston Martin Virage, which has a 5.3 litre engine is made by Aston Martin and succeeded the Aston Martin V8. It is a related means of transport to the Aston Martin DBS." }, { "source": "webnlg", "text": "The Aston Martin V8, manufactured by Aston Martin, has a 5.3 litre engine and was succeeded by the Aston Martin Virage. The Aston Martin V8 and Aston Martin DBS are a related means of transport." }, { "source": "webnlg", "text": "The Aston Martin DBS and Aston Martin V8 are a related means of transport. The latter car has an engine volume of 5.3 litres and was succeeded by the Aston Martin Virage made by the Aston Martin company." } ] }, { "tripleset": [ [ "Atlas II", "DIAMETER", "3.04 m" ], [ "Atlas II", "FINAL_FLIGHT", "2002-12-05" ], [ "Atlas II", "LAUNCH_SITE", "Vandenberg Air Force Base" ], [ "Atlas II", "LAUNCH_SITE", "Cape Canaveral Air Force Station" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Atlas II was launched from Vandenberg Air Force Base and the Cape Canaveral Air Force Station. It is 2.04 m in diameter and made its final flight on 5 December 2002." }, { "source": "webnlg", "text": "The Atlas II, which is 3.04m in diameter, has been launched from Cape Canaveral Air Force Station and Vandenberg Air Force Base. Its final flight was December 5, 2002." }, { "source": "webnlg", "text": "Atlas II was launched from Vandenberg Air Force Base at the Cape Canaveral Air Force Station. It has a diameter of 3.04m and it's final flight of the Atlas II was on 2002-12-05." } ] }, { "tripleset": [ [ "Audi A1", "CLASS", "Supermini" ], [ "Audi A1", "ENGINE", "1.2 (litres)" ], [ "Audi A1", "LAYOUT", "Front-engine, front-wheel-drive layout" ], [ "Audi A1", "ASSEMBLY", "Audi Brussels" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Classed as a supermini, the Audi A1 (assembled at Audi Brussels), has a 1.2 litre front-engine with front-wheel-drive." }, { "source": "webnlg", "text": "Audi A1 belongs to the supermini class and is assembled at Audi Brussels. It has a 1.2 litre engine and a front engine, front-wheel drive layout ." }, { "source": "webnlg", "text": "The Audi A1 is assembled at Audi Brussels and is classed as a super mini. It has a 1.2 litre engine and a front engine, front-wheel drive layout." } ] }, { "tripleset": [ [ "Audi A1", "MANUFACTURER", "Audi" ], [ "Audi", "FOUNDED_BY", "August Horch" ], [ "Audi", "DIVISION", "Audi e-tron" ], [ "Audi", "SUBSIDIARY", "Ducati" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Audi, owned by Ducati, was founded by August Horch and includes Audi e-tron. It makes the Audi A1." }, { "source": "webnlg", "text": "August Horch founded Audi, which makes the Audi A1. Audi e-tron is a division of Audi and the company Ducati is owned by them." }, { "source": "webnlg", "text": "August Horch founded the Audi company who make the Audi A1. The company own Ducati and have a sub-division known as Audi e-tron." } ] }, { "tripleset": [ [ "Caterpillar Inc.", "LOCATION", "Illinois" ], [ "Caterpillar Inc.", "FOUNDATION_PLACE", "California" ], [ "AIDAluna", "OWNER", "AIDA Cruises" ], [ "AIDAluna", "POWER_TYPE", "Caterpillar Inc." ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Caterpillar Inc. was founded in California and located in Illinois.AIDA Cruises is the owner of the AIDAluna which is powered by Caterpillar Inc." }, { "source": "webnlg", "text": "Caterpillar Inc was founded in California and is located in Illinois. It powers the AIDAluna which is owned by AIDA Cruises." }, { "source": "webnlg", "text": "Caterpillar Inc was founded in California and is located in Illinois. AIDAluna, owned by AIDA Cruises, is powered by Caterpillar Inc." } ] }, { "tripleset": [ [ "Costa Crociere", "LOCATION", "Genoa" ], [ "AIDAstella", "OPERATOR", "AIDA Cruises" ], [ "AIDAstella", "BUILDER", "Meyer Werft" ], [ "AIDAstella", "OWNER", "Costa Crociere" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Costa Crociere, located in Genoa, is the owner of AIDAstella which was built by Meyer Werft is operated by AIDAstella cruises." }, { "source": "webnlg", "text": "The AIDAstella was built by Meyer Werft and is operated by AIDA Cruise Line. The AIDAstella is owned by Costa Crociere, who are located in Genoa." }, { "source": "webnlg", "text": "The AIDAstella, owned by Costa Crociere (Genoa) and built by Meyer Werft, is operated by AIDA Cruises." } ] }, { "tripleset": [ [ "Delta II", "LAUNCH_SITE", "Cape Canaveral Air Force Station" ], [ "Antares (rocket)", "COMPARABLE", "Delta II" ], [ "Delta II", "COUNTRY_ORIGIN", "United States" ], [ "Antares (rocket)", "LAUNCH_SITE", "Mid-Atlantic Regional Spaceport Launch Pad 0" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Delta II is from the United States and was launched at Cape Canaveral Air Force Station. It is comparable to the rocket Antares which launched from the Mid-Atlantic Regional Spaceport Launch Pad 0." }, { "source": "webnlg", "text": "The Delta II originated in the United States and launched from the Cape Canaveral Air Force Station. It is similar to the Antares rocket which launched from the Mid-Atlantic Regional Spaceport Launch Pad 0." }, { "source": "webnlg", "text": "The Antares rocket, whose launch site was the Mid-Atlantic Regional Spaceport Launch Pad 0, is similar to the the Delta II, which originated in the United States and was launched at Cape Canaveral Air Force Station." } ] }, { "tripleset": [ [ "Delta II", "LAUNCH_SITE", "Vandenberg AFB Space Launch Complex 2" ], [ "Delta II", "LAUNCH_SITE", "Cape Canaveral Air Force Station" ], [ "Antares (rocket)", "COMPARABLE", "Delta II" ], [ "Delta II", "COUNTRY_ORIGIN", "United States" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The launch site of the Delta II was at the Vandenberg AFB Space Launch Complex 2, based at Cape Canaveral Air Force Station. The Antares rocket is comparable to Delta 11 which originated in the US&gt;." }, { "source": "webnlg", "text": "Launched at Cape Canaveral Air Force Station and the Vandenberg AFB Space Launch Complex 2 was the Delta II US rocket. The Antares rocket is similar to the Delta." }, { "source": "webnlg", "text": "The Delta II, from the United States, was launched at Cape Canaveral Air Force Station, Vandenberg AFB Space Launch Complex 2. It is similar to the Antares rocket." } ] }, { "tripleset": [ [ "Fiat Croma", "RELATED_MEAN_OF_TRANSPORTATION", "Opel Vectra" ], [ "Alfa Romeo 164", "ASSEMBLY", "Italy" ], [ "Alfa Romeo 164", "RELATED_MEAN_OF_TRANSPORTATION", "Fiat Croma" ], [ "Alfa Romeo 164", "BODY_STYLE", "Sedan (automobile)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Alfa Romeo 164 is assembled in Italy and has a sedan body style. It is a related means of transportation to the Fiat Croma and Opel Vectra." }, { "source": "webnlg", "text": "The Alfa Romeo 164 is a sedan that is assembled in Italy. It is a similar means of transport to the Fiat Croma and also related to the Opel Vectra." }, { "source": "webnlg", "text": "The Alfa Romeo sedan 164 is made in Italy and related to the Fiat Croma which is related to the Opel Vectra." } ] }, { "tripleset": [ [ "Fiat Croma", "RELATED_MEAN_OF_TRANSPORTATION", "Opel Vectra" ], [ "Alfa Romeo 164", "RELATED_MEAN_OF_TRANSPORTATION", "Fiat Croma" ], [ "Alfa Romeo 164", "ASSEMBLY", "Milan" ], [ "Alfa Romeo 164", "BODY_STYLE", "Sedan (automobile)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Alfa Romeo 164, Fiat Croma and Opel Vectra are related forms of transportation. The body style of the Alfa Romeo 164 is Sedan and it's assembly line is in Milan." }, { "source": "webnlg", "text": "The Alfa Romeo 164, Opel Vectra and Fiat Croma are similar means of transport. The Alfa Romeo 164 is a sedan which was assembled in Milan." }, { "source": "webnlg", "text": "The Alfa Romeo 164 is assembled in Milan and has a sedan type body. It is a related and similar means of transport to the Fiat Croma and the Opel Vectra." } ] }, { "tripleset": [ [ "General Dynamics Electric Boat", "PARENT_COMPANY", "General Dynamics" ], [ "American submarine NR-1", "SHIP_BEAM", "3.8 m" ], [ "American submarine NR-1", "BUILDER", "General Dynamics Electric Boat" ], [ "General Dynamics Electric Boat", "LOCATION_CITY", "Groton, Connecticut" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The American Submarine NR-1 has a ship beam of 3.8 m and was built by General Dynamics Electric Boat. General Dynamics is the parent company of the General Dynamics Electric Boat Co which is located in the city of Groton, Connecticut." }, { "source": "webnlg", "text": "General Dynamics is the parent company of the General Dynamics Electric Boat Co. out of Groton, CT. The GD Electric Boat Co built the American sub called NR-1 which has a 3.8 m beam." }, { "source": "webnlg", "text": "General Dynamics is the parent company of General Dynamics Electric Boat who are located in the city of Groton, Connecticut and built the American submarine NR-1 with a ship beam of 3.8 m." } ] }, { "tripleset": [ [ "Germany", "LEADER_NAME", "Stanislaw Tillich" ], [ "Neptun Werft", "LOCATION_CITY", "Rostock" ], [ "Rostock", "COUNTRY", "Germany" ], [ "A-Rosa Luna", "BUILDER", "Neptun Werft" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Stanislaw Tillich is a leader of Germany where Rostock is located. The city is the location of Neptun Werft who built the A-Rosa Luna." }, { "source": "webnlg", "text": "Neptun Werft built the A-Rosa Luna at Rostock Germany where Stanislaw Tillich is leader." }, { "source": "webnlg", "text": "The builder of the A-Rosa, is Neptun Werft which is located in Rostock, Germany, where the leader is Stanislaw Tillich." } ] }, { "tripleset": [ [ "United States", "CAPITAL", "Washington, D.C." ], [ "United States", "LANGUAGE", "English language" ], [ "Atlas II", "COUNTRY_ORIGIN", "United States" ], [ "United States", "ETHNIC_GROUP", "African Americans" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Atlas II originates from the United States which uses the English language. The country's capital is Washington DC and counts African Americans among its ethnic groups." }, { "source": "webnlg", "text": "The Atlas II is from the United States, where African Americans are among the ethnic groups. Washington D.C. is the capital city of the United States and English is spoken there." }, { "source": "webnlg", "text": "The Atlas II is from the United States which has the capital city of Washington DC. The country uses the English language and has African Americans as one of its ethnic groups." } ] }, { "tripleset": [ [ "United States", "DEMONYM", "Americans" ], [ "United States", "CAPITAL", "Washington, D.C." ], [ "Atlas II", "COUNTRY_ORIGIN", "United States" ], [ "United States", "ETHNIC_GROUP", "African Americans" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Atlas II is from the United States, where one of the ethnic groups is African Americans. Washington D.C. is the capital of the United States and the inhabitants are called Americans." }, { "source": "webnlg", "text": "Americans live in the U.S. whose capital is Washington, D.C. and an ethnic group there is known as African Americans. The Atlas II comes from the U.S." }, { "source": "webnlg", "text": "Americans live in the United States which has the capital city of Washington DC and numbers African Americans among its ethnic groups. The Atlas II originates from the country." } ] }, { "tripleset": [ [ "Aaron Bertram", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Kids Imagine Nation" ], [ "Aaron Bertram", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Suburban Legends" ], [ "Suburban Legends", "BAND_MEMBER", "Brian Robertson (trombonist)" ], [ "Aaron Bertram", "GENRE", "Ska punk" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Aaron Bertram performs ska punk music and is an artist with the band Kids Imagine Nation and also the Suburban Legends band where Brian Robertson is the trombonist." }, { "source": "webnlg", "text": "Aaron Bertram plays for the Kids Imagine Nation band and his musical genre is Ska punk. He also plays for the Suburban Legends band in which Brian Robertson plays the trombone." }, { "source": "webnlg", "text": "Aaron Bertram plays for the Kids Imagine Nation band, as well as the Ska Suburban Legends band where trombonist Brian Robertson plays." } ] }, { "tripleset": [ [ "Aaron Deer", "BACKGROUND", "\"solo singer\"" ], [ "Aaron Deer", "GENRE", "Psychedelia" ], [ "Aaron Deer", "ORIGIN", "Indianapolis" ], [ "Aaron Deer", "ORIGIN", "Indiana" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Psychedelia solo singer Aaron Deer is from Indianapolis, Indiana." }, { "source": "webnlg", "text": "Coming from Indianapolis, Indiana, Aaron Deer, has a background as a solo singer and performs Psychedelia music." }, { "source": "webnlg", "text": "Solo singerAaron Deer, performs Psychedelia music and is from Indianapolis, Indiana." } ] }, { "tripleset": [ [ "Aaron Turner", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Isis (band)" ], [ "Aaron Turner", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Sumac (band)" ], [ "Aaron Turner", "GENRE", "Electroacoustic music" ], [ "Aaron Turner", "INSTRUMENT", "Singing" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Electroacoustic singer Aaron Turner is associated with the bands Sumac and Isis." }, { "source": "webnlg", "text": "Aaron Turner, a singer who performs electroacoustic music, is with the band Isis and has performed with the group Sumac." }, { "source": "webnlg", "text": "Singer Aaron Turner plays electro-acoustic music and has played with the bands Isis and Sumac." } ] }, { "tripleset": [ [ "Aaron Turner", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Twilight (band)" ], [ "Aaron Turner", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Old Man Gloom" ], [ "Aaron Turner", "GENRE", "Post-metal" ], [ "Aaron Turner", "ACTIVE_YEARS_START_YEAR", "1995" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Aaron Turner started performing post-metal music in 1995. He played with Twilight and Old Man Gloom bands." }, { "source": "webnlg", "text": "Aaron Turner played with Twilight and Old Man Gloom bands.He started performing Post metal in 1995." }, { "source": "webnlg", "text": "Aaron Turner is post-metal musician who started performing in 1995. He has played with the bands Twilight and Old Man Gloom." } ] }, { "tripleset": [ [ "Aaron Turner", "GENRE", "Black metal" ], [ "Aaron Turner", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Sumac (band)" ], [ "Aaron Turner", "INSTRUMENT", "Electric guitar" ], [ "Black metal", "MUSIC_FUSION_GENRE", "Death metal" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Black metal musician Aaron Turner is a member of Sumac and plays Electric guitar. Death metal is a black metal fusion." }, { "source": "webnlg", "text": "Aaron Turner plays electric guitar and his genre is Black Metal music in which Death metal is a fusion. He performed with the band Sumac." }, { "source": "webnlg", "text": "Electric guitar player Aaron Turner is a Black metal musician who performed with the band Sumac. Death metal is a fusion of black metal music." } ] }, { "tripleset": [ [ "Ace Wilder", "BACKGROUND", "\"solo singer\"" ], [ "Ace Wilder", "DATE_OF_BIRTH", "1982" ], [ "Ace Wilder", "BIRTH_PLACE", "Stockholm" ], [ "Ace Wilder", "DATE_OF_BIRTH", "1982-07-23" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Ace Wilder was born July 23, 1982 in Stockholm and is a solo singer." }, { "source": "webnlg", "text": "Ace Wilder was born on July 23, 1982 in Stockholm. He is a solo singer." }, { "source": "webnlg", "text": "Singer Ace Wilder was born July 23, 1982 in Stockholm." } ] }, { "tripleset": [ [ "Ace Wilder", "BACKGROUND", "\"solo singer\"" ], [ "Ace Wilder", "DATE_OF_BIRTH", "1982" ], [ "Ace Wilder", "BIRTH_PLACE", "Sweden" ], [ "Ace Wilder", "DATE_OF_BIRTH", "1982-07-23" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Ace Wilder, born in Sweden on July 23, 1982 is a solo singer." }, { "source": "webnlg", "text": "Singer Ace Wilder was born July 23, 1982 in Sweden." }, { "source": "webnlg", "text": "Solo singer Ace Wilder was born in Sweden on 1982. His birthday is the 23rd July." } ] }, { "tripleset": [ [ "Ace Wilder", "BACKGROUND", "\"solo singer\"" ], [ "Ace Wilder", "DATE_OF_BIRTH", "1982" ], [ "Ace Wilder", "OCCUPATION", "Songwriter" ], [ "Ace Wilder", "BIRTH_PLACE", "Stockholm" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Songwriter and solo singer Ace Wilder was born in Stockholm in 1982." }, { "source": "webnlg", "text": "Solo singer Ace Wilder was born in Stockholm in 1982. He is also a songwriter." }, { "source": "webnlg", "text": "Songwriter, Ace Wilder, who has a background as a solo singer, was born in Stockholm, in 1982." } ] }, { "tripleset": [ [ "Ace Wilder", "BACKGROUND", "\"solo singer\"" ], [ "Ace Wilder", "DATE_OF_BIRTH", "1982" ], [ "Ace Wilder", "OCCUPATION", "Songwriter" ], [ "Ace Wilder", "BIRTH_PLACE", "Sweden" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The songwriter Ace Wilder was born in Sweden in 1982. He has a background as a solo singer." }, { "source": "webnlg", "text": "Born in 1982 in Sweden, Ace Wilder is a solo singer and songwriter." }, { "source": "webnlg", "text": "Ace Wilder was born in Sweden in 1982. He is a solo singer and songwriter." } ] }, { "tripleset": [ [ "Ahmet Ertegun", "GENRE", "Rhythm and blues" ], [ "Ahmet Ertegun", "ORIGIN", "Washington, D.C." ], [ "Ahmet Ertegun", "BACKGROUND", "\"non performing personnel\"" ], [ "Ahmet Ertegun", "ORIGIN", "United States" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Rhythm and blues performer Ahmet Ertegun was born in Washington D.C. He is considered non-performing personnel." }, { "source": "webnlg", "text": "Ahmet Ertegun originates from Washington D.C,United States.He started out as a non performing personnel in the rhythm and blues." }, { "source": "webnlg", "text": "Ahmet Ertegun from Washington, D.C., U.S. plays rhythm and blues music. His background is as a non-performing person." } ] }, { "tripleset": [ [ "Ahmet Ertegun", "GENRE", "Rock and roll" ], [ "Ahmet Ertegun", "ORIGIN", "United States" ], [ "Rock and roll", "STYLISTIC_ORIGIN", "Blues" ], [ "United States", "ETHNIC_GROUP", "African Americans" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "African Americans are an ethnic group in the U.S., the country Ahmet Ertegun was from. He played rock and roll music which stylistic origins come from Blues." }, { "source": "webnlg", "text": "Ahmet Ertegun is from the United States, where African Americans are an ethnic group. His genre is Rock and roll, which has its stylistic origin in the Blues." }, { "source": "webnlg", "text": "African Americans are an ethnic group in the United States, the country Ahmet Ertegun is from. He plays rock and roll music which has its stylistic origin in the Blues." } ] }, { "tripleset": [ [ "Albennie Jones", "ACTIVE_YEARS_END_YEAR", "1950" ], [ "Albennie Jones", "GENRE", "Rhythm and blues" ], [ "Rhythm and blues", "STYLISTIC_ORIGIN", "Blues" ], [ "Rhythm and blues", "DERIVATIVE", "Disco" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Albennie Jones, performed in the rhythm and blues genre and ended his career in 1950. Rhythm and blues originated from blues music and has disco as a derivative." }, { "source": "webnlg", "text": "Ending his career in 1950, Albennie Jones was a performer of rhythm and blues. This genre originated from the blues and has disco as a derivative." }, { "source": "webnlg", "text": "The musical genre of Albennie Jones is rhythm and blues and he started his career in 1950.Rhythm and blues music originated from the blues and disco is its derivative." } ] }, { "tripleset": [ [ "Albennie Jones", "GENRE", "Jazz" ], [ "Jazz", "STYLISTIC_ORIGIN", "Blues" ], [ "United States", "ETHNIC_GROUP", "African Americans" ], [ "Albennie Jones", "BIRTH_PLACE", "United States" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "African Americans are one of the ethnic groups in the United States, the country where Albennie Jones was born. Musician, Albennie Jones is a performer of Jazz, the genre which originated its style from Blues music." }, { "source": "webnlg", "text": "Albennie Jones performs jazz music which originated its style from Blues music. Albennie Jones was born in the U.S.A, where on of the ethnic groups, is African Americans." }, { "source": "webnlg", "text": "African Americans are an ethnic group in the U.S., the country where Albennie Jones was born. Albennie Jones is a Jazz musician, a music style that originates from the Blues." } ] }, { "tripleset": [ [ "Aleksandra Kova\u010d", "DATE_OF_BIRTH", "1972" ], [ "Aleksandra Kova\u010d", "GENRE", "Pop music" ], [ "Aleksandra Kova\u010d", "BIRTH_PLACE", "Belgrade" ], [ "Aleksandra Kova\u010d", "BACKGROUND", "\"solo singer\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Singer and pop musician Aleksandra Kovac was born 1972, in Belgrade." }, { "source": "webnlg", "text": "Pop musician and solo singer Aleksandra Kova\u010d was born 1972, in Belgrade." }, { "source": "webnlg", "text": "Aleksandra Kovac was born in Belgrade in 1972 and is a solo singer of pop music." } ] }, { "tripleset": [ [ "Aleksandra Kova\u010d", "GENRE", "Rhythm and blues" ], [ "Aleksandra Kova\u010d", "BACKGROUND", "\"solo singer\"" ], [ "Aleksandra Kova\u010d", "DATE_OF_BIRTH", "1972" ], [ "Aleksandra Kova\u010d", "BIRTH_PLACE", "Socialist Republic of Serbia" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Rhythm and blues singer Aleksandra Kovac was born 1972 in the Socialist Republic of Serbia." }, { "source": "webnlg", "text": "Born in the Socialist Republic of Serbia (1972), Aleksandra Kovac, a solo singer, is an exponent of Rhythm and blues." }, { "source": "webnlg", "text": "Aleksandra Kovac, who sang rhythm and blues, was born in the Socialist Republic of Serbia in 1972." } ] }, { "tripleset": [ [ "Alex Day", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Chameleon Circuit (band)" ], [ "Alex Day", "GENRE", "Acoustic music" ], [ "Alex Day", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Charlie McDonnell" ], [ "Alex Day", "ACTIVE_YEARS_START_YEAR", "2006" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alex Day plays acoustic music with the Chameleon Circuit band. He started actively in music in 2006 and is associated with Charlie McDonnell." }, { "source": "webnlg", "text": "Acoustic musician Alex Day began in 2006 and is associated with the Chameleon Circuit and Charlie McDonnell." }, { "source": "webnlg", "text": "Acoustic musician Alex Day plays with the bands Chameleon Circuit and the musician Charlie McDonnell. His active years in music began in 2006." } ] }, { "tripleset": [ [ "Alex Day", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Chameleon Circuit (band)" ], [ "Alex Day", "GENRE", "Electronic music" ], [ "Alex Day", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Charlie McDonnell" ], [ "Alex Day", "ACTIVE_YEARS_START_YEAR", "2006" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alex Day, who is associated with performer Charlie McDonnell, plays with the band Chameleon Circuit. He became active in 2006 and his speciality is electronic music." }, { "source": "webnlg", "text": "Alex Day performs electronic music and plays with the band Chameleon Circuit. His active musical years started in 2006 and he is associated with the musical artist, Charlie McDonnell." }, { "source": "webnlg", "text": "Chameleon Circuit member and Electronic musician Alex Day began in 2006 and is associated with artist Charlie McDonnell." } ] }, { "tripleset": [ [ "Alfred Garth Jones", "DEATH_PLACE", "London" ], [ "Alfred Garth Jones", "BIRTH_PLACE", "England" ], [ "Alfred Garth Jones", "BIRTH_PLACE", "Manchester" ], [ "Alfred Garth Jones", "DATE_OF_BIRTH", "1872" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alfred Garth Jones was born in Manchester, England in 1872 and died in London." }, { "source": "webnlg", "text": "Alfred Garth Jones was born in 1872 in Manchester, England and died in London." }, { "source": "webnlg", "text": "Alfred Garth Jones was born in 1872, in Manchester (England) and died in London." } ] }, { "tripleset": [ [ "Alfredo Zitarrosa", "DEATH_PLACE", "Montevideo" ], [ "Montevideo", "COUNTRY", "Uruguay" ], [ "Uruguay", "DEMONYM", "Uruguayans" ], [ "Montevideo", "LEADER_NAME", "Daniel Mart\u00ednez (politician)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alfredo Zitarrosa died in Montevideo, Uruguay where the natives are known as Uruguayans. The city's leader is Daniel Martinez." }, { "source": "webnlg", "text": "Alfredo Zitarrosa died in Montevideo, Uruguay. The city's leader is Daniel Martinez and the country's inhabitants are known as Uruguayans." }, { "source": "webnlg", "text": "Alfredo Zitarrosa died in Montevideo, Uruguay, where Daniel Martinez is a political leader. Uruguayans is a demonym for Uruguay." } ] }, { "tripleset": [ [ "Alfredo Zitarrosa", "RECORD_LABEL", "RCA Records" ], [ "Alfredo Zitarrosa", "BIRTH_PLACE", "Uruguay" ], [ "Alfredo Zitarrosa", "GENRE", "Candombe" ], [ "Alfredo Zitarrosa", "BACKGROUND", "\"solo singer\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alfredo Zitarrosa was born in Uruguay and has a background as a solo singer. His musical genre is Candombe and his record label is RCA Records." }, { "source": "webnlg", "text": "With a background as a solo singer, Uruguay born Alfredo Zitarrosa was signed to the RCA Records label and performed in the musical genre of Candombe." }, { "source": "webnlg", "text": "Alfredo Zitarrosa's birth place was Uruguay and has a recording label in RCA Records.He started out as a solo singer and plays Candombe musical genre." } ] }, { "tripleset": [ [ "Alison O'Donnell", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Bajik" ], [ "Alison O'Donnell", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Flibbertigibbet" ], [ "Alison O'Donnell", "GENRE", "Folk music" ], [ "Alison O'Donnell", "ACTIVE_YEARS_START_YEAR", "1963" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alison O'Donnell's career began 1963 and she performs folk music. She was a member of the Flibbertigibbet band and she is associated with Bajik." }, { "source": "webnlg", "text": "Folk musician, Alison O'Donnell; started performing in 1963, was with the band Bajik and was a member of the Flibbertigibbet band." }, { "source": "webnlg", "text": "Flibbertigibbet band member, Bajik associate and folk artist, Alison O'Donnell, became active in 1963." } ] }, { "tripleset": [ [ "Alison O'Donnell", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Mellow Candle" ], [ "Alison O'Donnell", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Head South By Weaving" ], [ "Alison O'Donnell", "GENRE", "Folk music" ], [ "Alison O'Donnell", "ACTIVE_YEARS_START_YEAR", "1963" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Folk musician Alison O'Donnell began in 1963 and is associated withHead South By Weaving and Mellow Candle." }, { "source": "webnlg", "text": "Alison O'Donnell began performing folk music in 1963. She's been associated with the bands Head South By Weaving and Mellow Candle." }, { "source": "webnlg", "text": "Folk musician Alison O'Donnell, who began her career in 1963, has played with the bands Mellow Candle and Head South By Weaving." } ] }, { "tripleset": [ [ "Alison O'Donnell", "GENRE", "Jazz" ], [ "Alison O'Donnell", "RECORD_LABEL", "Deram Records" ], [ "Deram Records", "LOCATION", "London" ], [ "Alison O'Donnell", "RECORD_LABEL", "Floating World Records" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "London Jazz musician Alison O'Donnell records with the Floating World Records label. She is signed to Deram Records." }, { "source": "webnlg", "text": "Alison O'Donnell is a jazz musician whose record label is the London-based Deram Records. She is signed to the record label \"Floating World Records.\"." }, { "source": "webnlg", "text": "Alison O'Donnell was once signed to London based, Deram Records. A jazz musician, Alison O'Donnell is signed with the label, Floating World Records." } ] }, { "tripleset": [ [ "Alison O'Donnell", "GENRE", "Jazz" ], [ "Alison O'Donnell", "RECORD_LABEL", "Deram Records" ], [ "Deram Records", "LOCATION", "London" ], [ "Alison O'Donnell", "RECORD_LABEL", "Fruits de Mer Records" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alison O'Donnell, who performs jazz, once was signed to Deram Records and another time to Fruits de Mer Records. London is the home to Deram Records." }, { "source": "webnlg", "text": "Previously signed to the record label Fruits de Mer Records, jazz musician, Alison O'Donnell is signed with the London based, record label, Deram Records." }, { "source": "webnlg", "text": "Alison O'Donnell, who performs jazz music, was once signed to Fruit de Mer Records and is now signed to London based Deram Records." } ] }, { "tripleset": [ [ "Allen Forrest", "DATE_OF_BIRTH", "1981" ], [ "Allen Forrest", "GENRE", "Acoustic music" ], [ "Allen Forrest", "BIRTH_PLACE", "Fort Campbell" ], [ "Allen Forrest", "BACKGROUND", "\"solo singer\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Allen Forrest was born in Fort Campbell. in1981. He is an acoustic solo singer." }, { "source": "webnlg", "text": "Fort Campbell is the birth place of Allen Forrest, who was born in the year 1981. He is a solo singer who plays acoustic music." }, { "source": "webnlg", "text": "Allen Forrest was born in Fort Campbell, in 1981. Allen Forrest is a solo singer who plays acoustic music." } ] }, { "tripleset": [ [ "Allen Forrest", "GENRE", "Hip hop music" ], [ "Allen Forrest", "DATE_OF_BIRTH", "1981" ], [ "Allen Forrest", "BIRTH_PLACE", "\"Fort Campbell, KY, raised in Dothan, AL\"" ], [ "Allen Forrest", "BACKGROUND", "\"solo singer\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Solo hip hop performer Allen Forrest was born in Fort Campbell, Kentucky in 1981 and raised in Dothan, Alabama." }, { "source": "webnlg", "text": "Allen Forrest was born in 1981 in Fort Campbell, KY and raised in Dothan, AL.He was originally a solo singer and performs hip hop music." } ] }, { "tripleset": [ [ "Alternative rock", "MUSIC_FUSION_GENRE", "Nu metal" ], [ "Alternative rock", "STYLISTIC_ORIGIN", "Punk rock" ], [ "Andrew White (musician)", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Marry Banilow" ], [ "Andrew White (musician)", "GENRE", "Alternative rock" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alternative rock musician Andrew White is associated with Marry Banilow. Alternative rock originates from punk rock and is fused into Nu metal." }, { "source": "webnlg", "text": "Andrew White is associated with the musical artist Marry Banilow and he plays alternative rock. That type of music originated from punk rock. Nu metal music is a fusion of alternative rock music." }, { "source": "webnlg", "text": "The musician Andrew White, who has worked with Marry Banilow, performs alternative rock. Nu metal is a fusion genre of alternative rock, which has its stylistic origins in punk." } ] }, { "tripleset": [ [ "Anders Osborne", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Billy Iuso" ], [ "Anders Osborne", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Tab Benoit" ], [ "Anders Osborne", "GENRE", "Rock music" ], [ "Anders Osborne", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Galactic" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Rock musician Anders Osborne has worked with the band Galactic and also with the musical artists Tab Benoit and Billy Iuso." }, { "source": "webnlg", "text": "Anders Osborne is associated with the musical artists Billy Iuso and Tab Benoit. He is an exponent of rock music and worked with the Galactic band." }, { "source": "webnlg", "text": "An exponent of Rock music, Anders Osborne is associated with musical artist Billy Iuso. He is also associated with Tab Benoit and the band, Galactic." } ] }, { "tripleset": [ [ "Anders Osborne", "RECORD_LABEL", "Alligator Records" ], [ "Alligator Records", "GENRE", "Blues" ], [ "Alligator Records", "LOCATION", "Chicago" ], [ "Anders Osborne", "RECORD_LABEL", "Shanachie Records" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Anders Osborne was signed to the Shanachie Records label. Anders Osborne was signed to Chicago based,record label,Alligator Records which is associated with the Blues." }, { "source": "webnlg", "text": "Alligator records is based in Chicago and the main genre they deal with is blues. Anders Osborne's record labels are Alligator Records and Shanachie Records." }, { "source": "webnlg", "text": "Anders Osborne was signed to the Shanachie Records label as well as Chicago-based blues label Alligator Records." } ] }, { "tripleset": [ [ "Andra (singer)", "GENRE", "Dance-pop" ], [ "Andra (singer)", "OCCUPATION", "Singing" ], [ "Andra (singer)", "BIRTH_PLACE", "Romania" ], [ "Andra (singer)", "BACKGROUND", "\"solo singer\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Solo singer Andra was born in Romania and her genre is Dance-pop music." }, { "source": "webnlg", "text": "Anders is a professional Dance-pop music singer.She is a solo singer and was born in Romania." }, { "source": "webnlg", "text": "Andra was born in Romania. She is a solo singer whose music genre is Dance-pop." } ] }, { "tripleset": [ [ "Andra (singer)", "GENRE", "Rhythm and blues" ], [ "Rhythm and blues", "DERIVATIVE", "Funk" ], [ "Rhythm and blues", "STYLISTIC_ORIGIN", "Blues" ], [ "Rhythm and blues", "DERIVATIVE", "Disco" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The singer Andra's genre is Rhythm and blue which originated from the blues. Both Funk and Disco are derivatives of rhythm and blues." }, { "source": "webnlg", "text": "Andra is a rhythm and blues singer. Originating from blues music, rhythm and blues has funk and disco as derivatives." }, { "source": "webnlg", "text": "Rhythm and blues originates from the blues and lends itself to disco and funk. Andra is an R &amp; B singer." } ] }, { "tripleset": [ [ "Andrew Rayel", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Christian Burns" ], [ "Andrew Rayel", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Jonathan Mendelsohn" ], [ "Andrew Rayel", "GENRE", "Trance music" ], [ "Andrew Rayel", "ACTIVE_YEARS_START_YEAR", "2009" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Andrew Rayel, who began his musical career in 2009, plays trance music. He has worked with Christian Burns and the musical artist Jonathan Mendelsohn." }, { "source": "webnlg", "text": "In 2009 Andrew Rayel started his music career. He played Trance music. Mr. Rayel is associated with Christian Burns and Jonathan Mendelsohn." }, { "source": "webnlg", "text": "Trance musician Andrew Rayel began his career in 2009 and is associated with artists Jonathan Mendelsohn and Christian Burns." } ] }, { "tripleset": [ [ "Andrew Rayel", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Jwaydan Moyine" ], [ "Trance music", "STYLISTIC_ORIGIN", "House music" ], [ "Andrew Rayel", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Christian Burns" ], [ "Andrew Rayel", "GENRE", "Trance music" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Trance musician Andrew Rayel is associated with artists Christian Burns and Jwaydan Moyine. Trance comes from house music." }, { "source": "webnlg", "text": "Musicians Jwaydan Moyine and Christian Burns are associated with Andrew Rayel, whose musical genre is trance music, which has its origins in House music." }, { "source": "webnlg", "text": "Andrew Rayel performs trance music, a style that originated from house music. He is associates with Christian Burns and is associated with Jwaydan Moyine." } ] }, { "tripleset": [ [ "Andrew White (musician)", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Kaiser Chiefs" ], [ "Andrew White (musician)", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Marry Banilow" ], [ "Andrew White (musician)", "GENRE", "Alternative rock" ], [ "Andrew White (musician)", "ACTIVE_YEARS_START_YEAR", "2003" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Andrew White started his musical career in 2003 and his genre is alternative rock. He is a member of the band Kaiser Chiefs and he is associated with the musical artist Marry Banilow." }, { "source": "webnlg", "text": "Andrew White started his musical career in 2003 and is associated with the musical artist, Marry Banilow. He plays for the band Kaiser Chiefs and his genre is alternative rock." }, { "source": "webnlg", "text": "Alternative rock performer Andrew White started his musical career in 2003. He plays for the band Kaiser Chiefs and is associated with musical artist Marry Banilow." } ] }, { "tripleset": [ [ "Andrew White (musician)", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Kaiser Chiefs" ], [ "Andrew White (musician)", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Marry Banilow" ], [ "Andrew White (musician)", "RECORD_LABEL", "Universal Records (defunct record label)" ], [ "Andrew White (musician)", "ACTIVE_YEARS_START_YEAR", "2003" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Kaiser Chiefs band member, Andrew White, started his musical career in 2003. Andrew White, who is associated with the musical artist Marry Banilow, used to be with the record label Universal records which is now a defunct label." }, { "source": "webnlg", "text": "Andrew White, who began his musical career in 2003 and was associated with Marry Banilow, was signed to the now defunct record label Universal Records. He was a member of the band The Kaiser Chiefs." }, { "source": "webnlg", "text": "Musician Andrew White began in 2003 and is associated with artists Marry Banilow and the Kaiser Chiefs. He was signed to the defunct Universal records." } ] }, { "tripleset": [ [ "Asunci\u00f3n", "IS_PART_OF", "Gran Asunci\u00f3n" ], [ "Agust\u00edn Barboza", "DEATH_PLACE", "Asunci\u00f3n" ], [ "Paraguay", "LEADER_NAME", "Juan Afara" ], [ "Agust\u00edn Barboza", "DEATH_PLACE", "Paraguay" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Agustin Barboza died in Asuncion, part of Gran Asunci\u00f3n, in Paraguay, the country led by Juan Afara." }, { "source": "webnlg", "text": "Agustin Barboza was born in Paraguay which is led by Juan Afra. He died in Asuncion which is part of Gran Asuncion." }, { "source": "webnlg", "text": "Agustin Barboza was born in Paraguay and died in Asuncion, part of Gran Asunci\u00f3n, The leader of Paraguay is Juan Afara." } ] }, { "tripleset": [ [ "Country music", "INSTRUMENT", "Banjo" ], [ "Al Anderson (NRBQ band)", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "NRBQ" ], [ "Al Anderson (NRBQ band)", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "The Wildweeds" ], [ "Al Anderson (NRBQ band)", "GENRE", "Country music" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Al Anderson is a member of the NRBQ band and his musical genre is country music, in which banjo is an instrument. He also played once with The Wildweeds." }, { "source": "webnlg", "text": "Al Anderson (NRBQ band) performs country music and also was a member of the Wildweeds. Banjo is used for Country Music." }, { "source": "webnlg", "text": "Country musician Al Anderson, twho plays with the band NRBQ, played once with The Wildweeds. The Banjo instrument is closely associated with country music." } ] }, { "tripleset": [ [ "Hip hop music", "STYLISTIC_ORIGIN", "Disco" ], [ "Allen Forrest", "GENRE", "Hip hop music" ], [ "Hip hop music", "STYLISTIC_ORIGIN", "Funk" ], [ "Hip hop music", "DERIVATIVE", "Drum and bass" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Allen Forrest performs hip hop music which comes from disco and funk. Drums and bass get their sounds from hip hop music." }, { "source": "webnlg", "text": "Allen Forrest performs hip hop music, which has its stylistic origins in disco and funk. Drum and bass is a derivative of hip hop." }, { "source": "webnlg", "text": "The musical genre of Allen Forrest is hip hop music which has its origins in Disco and its stylistic origins in funk. Drum and bass is a derivative of Hip hop music." } ] }, { "tripleset": [ [ "Manchester", "IS_PART_OF", "Greater Manchester" ], [ "Alfred Garth Jones", "BIRTH_PLACE", "England" ], [ "Alfred Garth Jones", "BIRTH_PLACE", "Manchester" ], [ "Manchester", "LEADER_NAME", "Labour Party (UK)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alfred Garth Jones was born in Manchester, Greater Manchester, England. The Labour Party is in the majority in Manchester." }, { "source": "webnlg", "text": "The birthplace of Alfred Garth Jones is Manchester, (part of Greater Manchester), England. In Manchester the Labour Party is in the majority." }, { "source": "webnlg", "text": "Alfred Garth Jones was born in Manchester, Great Manchester, England, where the majority is the Labour Party." } ] }, { "tripleset": [ [ "Post-metal", "INSTRUMENT", "Cello" ], [ "Aaron Turner", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Twilight (band)" ], [ "Aaron Turner", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "House of Low Culture" ], [ "Aaron Turner", "GENRE", "Post-metal" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Post-metal cellist, Aaron Turner, played with both Twilight and House of Low Culture." }, { "source": "webnlg", "text": "Aaron Turner played post-metal music with the Twilight band. He also played with the House of Low Culture. Cello is a post-metal instrument." }, { "source": "webnlg", "text": "Aaron Turner is a performer of the musical genre Post metal,which uses cello as a musical instrument.He played with Twilight and House of Low Culture bands." } ] }, { "tripleset": [ [ "Twilight (band)", "GENRE", "Black metal" ], [ "Aaron Turner", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Twilight (band)" ], [ "Aaron Turner", "INSTRUMENT", "Electric guitar" ], [ "Black metal", "MUSIC_FUSION_GENRE", "Death metal" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Electric guitarist Aaron Turner was a member of black metal band Twilight. Death metal is a black metal fusion." }, { "source": "webnlg", "text": "Aaron Turner plays electric guitar and played with the band Twilight. Twilight performs black metal music which when part of a musical fusion is called death metal." }, { "source": "webnlg", "text": "Black metal electric guitarist Aaron Turner was a member of Twilight. Black metal is the basis for death metal fusion." } ] }, { "tripleset": [ [ "United States", "ETHNIC_GROUP", "African Americans" ], [ "Albennie Jones", "GENRE", "Rhythm and blues" ], [ "Rhythm and blues", "STYLISTIC_ORIGIN", "Blues" ], [ "Albennie Jones", "BIRTH_PLACE", "United States" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Rhythm and blues artist Albennie Jones was born in the U.S., home to African Americans. R &amp; B has its roots in blues." }, { "source": "webnlg", "text": "Rhythm and blues artist Albennie Jones was born in the United States. R and B originated from the blues and among the ethnic groups in the U.S. are African Americans." }, { "source": "webnlg", "text": "African Americans are an ethnic group in the United States, where Albennie Jones was born. Albennie Jones performs in the rhythm and blues genre which originated from blues music." } ] }, { "tripleset": [ [ "Aaron S. Daggett", "BATTLES", "American Civil War" ], [ "Aaron S. Daggett", "AWARD", "Purple Heart" ], [ "Aaron S. Daggett", "DEATH_PLACE", "West Roxbury" ], [ "Aaron S. Daggett", "BIRTH_PLACE", "Maine" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Aaron S Daggett was born in Maine and died in West Roxbury. He fought in the American Civil War and was awarded the Purple Heart." }, { "source": "webnlg", "text": "Maine born Aaron S Daggett fought in the American Civil War, was awarded the Purple Heart and died in West Roxbury." }, { "source": "webnlg", "text": "American Civil War soldier and Purple Heart recipient Aaron S. Daggett, was born in Maine and died in West Roxbury." } ] }, { "tripleset": [ [ "Aaron S. Daggett", "BATTLES", "Battle of the Wilderness" ], [ "Aaron S. Daggett", "AWARD", "Purple Heart" ], [ "Aaron S. Daggett", "DEATH_PLACE", "West Roxbury" ], [ "Aaron S. Daggett", "BIRTH_PLACE", "Maine" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Born in Maine, Aaron S. Daggett; fought in the Battle of the Wilderness, was awarded the Purple Heart, and died in West Roxbury." }, { "source": "webnlg", "text": "Born in Maine, Aaron S. Daggett fought in the Battle of the Wilderness, awarded the Purple Heart, and died in West Roxbury." }, { "source": "webnlg", "text": "Aaron S Daggett was born in Maine and died in West Roxbury. He fought in the Battle of the Wilderness and was awarded the Purple Heart." } ] }, { "tripleset": [ [ "Ab Klink", "ALMA_MATER", "Erasmus University Rotterdam" ], [ "Erasmus University Rotterdam", "AFFILIATION", "Association of MBAs" ], [ "Ab Klink", "OFFICE_(WORKED_AT,_WORKED_AS)", "Ministry of Health, Welfare and Sport (Netherlands)" ], [ "Ab Klink", "BIRTH_PLACE", "Netherlands" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Ab Klink was born in Netherlands and worked for his country's Ministry of Health, Welfare and Sport office. He attended Erasmus University in Rotterdam which is affiliated with the Association of MBAs." }, { "source": "webnlg", "text": "Ab Klink worked at the Ministry of Health, Welfare and Sport in Netherlands, the country where he was born. He was a student of Erasmus University in Rotterdam which is affiliated with the Association of MBAs." }, { "source": "webnlg", "text": "Erasmus University Rotterdam (Assoc. MBAs) alum Ab Klink, born in the Netherlands, is employed at the Netherlands Ministry of Health, Welfare and Sport." } ] }, { "tripleset": [ [ "Abdul Taib Mahmud", "PARTY", "Parti Pesaka Bumiputera Bersatu" ], [ "Abdul Taib Mahmud", "REGION", "Asajaya" ], [ "Abdul Taib Mahmud", "RESIDENCE", "Kuching" ], [ "Abdul Taib Mahmud", "BIRTH_PLACE", "Miri, Malaysia" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Abdul Taib Mahmud was born in Miri, Malaysia and he lives in Kuching. His party is the Parti Pesaka Bumiputera Bersatu and he represented Asajaya." }, { "source": "webnlg", "text": "Mirir, Malaysia born Abdul Taib Mahmud, who lives in Kuching, represented the Asajaya region and was a member of the Parti Pesaka Bumiputera Bersatu." }, { "source": "webnlg", "text": "Abdul Taib Mahmud, who was born in Miri, Malaysia and lives in Kuching, was a member of the Parti Pesaka Bumiputera Bersatu and represented Asajaya." } ] }, { "tripleset": [ [ "Abdul Taib Mahmud", "RESIDENCE", "Sarawak" ], [ "Abdul Taib Mahmud", "PARTY", "Parti Pesaka Bumiputera Bersatu" ], [ "Abdul Taib Mahmud", "REGION", "Asajaya" ], [ "Abdul Taib Mahmud", "BIRTH_PLACE", "Kingdom of Sarawak" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Abdul Taib Mahmud's birthplace was Kingdom of Sarawak and he resides in Sarawak. His party is the Parti Pesaka Bumiputera Bersatu and he represented Asajaya." }, { "source": "webnlg", "text": "Abdul Taib Mahmud was born and resided in the Kingdom of Sarawak. He was in the Parti Pesaka Bumiputera Bersatu and represented the Asajaya region." }, { "source": "webnlg", "text": "Abdul Taib Mahmud represented the Asajaya region and was a member of the Parti Pesaka Bumiputera Bersatu. He was born in the Kingdom of Sarawak and still lives there." } ] }, { "tripleset": [ [ "Abdul Taib Mahmud", "SUCCESSOR", "Adenan Satem" ], [ "Adenan Satem", "BIRTH_PLACE", "Japanese occupation of British Borneo" ], [ "Abdul Taib Mahmud", "RESIDENCE", "Sarawak" ], [ "Abdul Taib Mahmud", "PARTY", "\"Barisan Ra'ayat Jati Sarawak\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Adenan Satem was born in Japanese Occupied British Borneo. His successor was Abdul Taib Mahmud, who, resides in Sarawak and is a member of the \"Barisan Ra'ayat Jati Sarawak\" party." }, { "source": "webnlg", "text": "Japanese occupied, British Borneo, was the birthplace of Adenan Satem, who succeeded Abdul Taib Mahmud. Abdul Taid Mahmud is a member of Barisan Ra'ayat Jati Sarawak party and resides in Sarawak." }, { "source": "webnlg", "text": "Abdul Taib Mahmud, a member of the Barisan Ra'ayat Jati Sarawak party, lives in Sarawak. He was succeeded by Adenan Satem, who was born in the Japanese Occupation of British Borneo." } ] }, { "tripleset": [ [ "Abdul Taib Mahmud", "SUCCESSOR", "Adenan Satem" ], [ "Adenan Satem", "BIRTH_PLACE", "Japanese occupation of British Borneo" ], [ "Abdul Taib Mahmud", "RESIDENCE", "Sarawak" ], [ "Abdul Taib Mahmud", "PARTY", "Parti Pesaka Bumiputera Bersatu" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Abdul Taib Mahmud(who lives in Sarawak)'s successor was Adenan Satem who was born in Japanese Occupation of British Borneo. Abdul Taib Mahmud's party is the Parti Pesaka Bumiputera Bersatu." }, { "source": "webnlg", "text": "Abdul Taib Mahmud, who lives in Sarawak, belongs to the Parti Pesaka Bumiputera Bersatu. He was succeeded by Adenan Satem, who was born in the Japanese occupation Of British Borneo." }, { "source": "webnlg", "text": "Abdul Taib Mahmud resides in Sarawak and is a member of the Parti Pesaka Bumiputera Bersatu. His successor was Adenan Satem who was born in British Borneo during the Japanese occupation." } ] }, { "tripleset": [ [ "Abdulsalami Abubakar", "IN_OFFICE_WHILE_VICE_PRESIDENT", "Mike Akhigbe" ], [ "Abdulsalami Abubakar", "MILITARY_BRANCH", "Nigerian Army" ], [ "Mike Akhigbe", "PREDECESSOR", "Oladipo Diya" ], [ "Mike Akhigbe", "SUCCESSOR", "Atiku Abubakar" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Abdulsalami Abubakar served in the Nigerian Army and was in office whilst Mike Akhigbe was Vice President. Oladipo Diya was the predecessor of Mike Akhigbe and his successor was Atiku Abubakar." }, { "source": "webnlg", "text": "Abdulsalami Abubakar served in the Nigerian Army and was in office while Mike Akhigbe was Vice President. Oladipo Diya was the predecessor of Mike Akhigbe and Atiku Abubakar was his successor." }, { "source": "webnlg", "text": "Abdulsalami Abubakar, who served in the Nigerian Army, was in office while Mike Akhigbe was Vice President. Akhigbe succeeded Oladipo Diya and then he himself was succeeded by Atiku Abubakar." } ] }, { "tripleset": [ [ "Abdulsalami Abubakar", "IN_OFFICE_WHILE_VICE_PRESIDENT", "Mike Akhigbe" ], [ "Mike Akhigbe", "PREDECESSOR", "Oladipo Diya" ], [ "Abdulsalami Abubakar", "SUCCESSOR", "Al-Amin Daggash" ], [ "Abdulsalami Abubakar", "MILITARY_BRANCH", "Nigerian Air Force" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Oladipo Diya was Mike Akhigbe's predecessor, Abdulsalami Abubakar was in office whilst Mike Akhigbe was Vice President. Abdulsalami Abubakar, was a member of the Nigerian Air Force, and his succcessor was Al-Amin Daggash." }, { "source": "webnlg", "text": "Abdulsalami Abubakar was a member of the Nigerian Air Force. He was in office while Mike Akhigbe was Vice President. Oladipo Diya was the predecessor of Mike Akhigbe and Al-Amin Daggash was the successor of Abdulsalami Abubakar." }, { "source": "webnlg", "text": "Abdulsalami Abubakar, who served in the Nigerian Air Force, was in office whilst Mike Akhigbe was Vice President and was preceded by Al-Amin Daggash. Mike Akhigbe succeeded Oladipo Diya." } ] }, { "tripleset": [ [ "Abel Caballero", "IN_OFFICE_WHILE_MONARCH", "Juan Carlos I of Spain" ], [ "Juan Carlos I of Spain", "PREDECESSOR", "Francisco Franco" ], [ "Abel Caballero", "IN_OFFICE_WHILE_PRIME_MINISTER", "Felipe Gonz\u00e1lez" ], [ "Abel Caballero", "BIRTH_PLACE", "Galicia (Spain)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Abel Caballero, born in Galicia, Spain, held office during the monarchy of Juan Carlos I of Spain (preceeded by Francisco Franco) and Prime Minister Felipe Gonzalez' leadership." }, { "source": "webnlg", "text": "Abel Caballero, born in Galicia, Spain, served office during Prime Minister Felipe Gonzalez' leadership and Juan Carlos I of Spain's Monarchy. Francisco Franco preceded Juan Carlos I." } ] }, { "tripleset": [ [ "Abel Caballero", "OFFICE_(WORKED_AT,_WORKED_AS)", "\"Minister of Transport\"" ], [ "Abel Caballero", "BIRTH_PLACE", "Galicia (Spain)" ], [ "Abel Caballero", "BIRTH_PLACE", "Spain" ], [ "Abel Caballero", "PARTY", "Spanish Socialist Workers' Party" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Abel Caballero was born in Galicia in Spain and he was the Minister of Transport. He is now a member of the Spanish Socialist Workers' Party." }, { "source": "webnlg", "text": "Abel Caballero was born in Galicia in Spain, is a member of the Spanish Socialist Workers' Party and worked as Minister of Transport." }, { "source": "webnlg", "text": "Spanish Socialist Workers' Party member and Minister of Transport Abel Caballero was born in Galicia, Spain." } ] }, { "tripleset": [ [ "Abraham A. Ribicoff", "SPOUSE", "Casey Ribicoff" ], [ "United States", "ETHNIC_GROUP", "Native Americans in the United States" ], [ "Abraham A. Ribicoff", "BIRTH_PLACE", "New Britain, Connecticut" ], [ "Abraham A. Ribicoff", "NATIONALITY", "United States" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Native Americans are an ethnic group in the U.S. which is where Abraham A Ribicoff is from. He was born in New Britain, Connecticut and his wife is Casey Ribicoff." }, { "source": "webnlg", "text": "Abraham A Ribicoff, married to Casey Ribicoff, was born in New Britain, Connecticut which is in the United States, where Native Americans are an ethnic group." }, { "source": "webnlg", "text": "United States national Abraham A. Ribicoff was born in New Britain, Connecticut and married Casey Ribicoff. An ethnic group in the U.S. are Native Americans." } ] }, { "tripleset": [ [ "Adam Holloway", "BATTLES", "Gulf War" ], [ "Adam Holloway", "BIRTH_PLACE", "Kent" ], [ "Adam Holloway", "ACTIVE_YEARS_START_DATE", "2005-05-05" ], [ "Adam Holloway", "ALMA_MATER", "Magdalene College, Cambridge" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Adam Holloway was born in Kent and began his career on May 5th 2005. He fought in the Gulf War and his alma mater is Magdalene College, Cambridge." }, { "source": "webnlg", "text": "Adam Holloway was born in Kent and his alma mater was Magdalene College, Cambridge. His career began on 5 May 2005 and he fought in the Gulf war." }, { "source": "webnlg", "text": "Adam Holloway was born in Kent and his alma mater was Magdalene College Cambridge. His career began on May 5, 2005 and he took part in the Gulf War battles." } ] }, { "tripleset": [ [ "Adam Koc", "BATTLES", "Polish\u2013Soviet War" ], [ "Poland", "LANGUAGE", "Polish language" ], [ "Polish\u2013Soviet War", "COMMANDER", "Joseph Stalin" ], [ "Adam Koc", "NATIONALITY", "Poland" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Adam Koc is a national of Poland where the language used is Polish. He was involved in battles of the Polish-Soviet war during which Joseph Stalin was a commander." }, { "source": "webnlg", "text": "Adam Koc, a Polish nationalist, fought in the Polish-Soviet War. Joseph Stalin was a commander in that war. The Polish language is used in Poland." } ] }, { "tripleset": [ [ "Adam Koc", "BATTLES", "Polish\u2013Soviet War" ], [ "Polish\u2013Soviet War", "IS_PART_OF_MILITARY_CONFLICT", "Russian Civil War" ], [ "Adam Koc", "DEATH_PLACE", "New York City" ], [ "Polish\u2013Soviet War", "COMMANDER", "Joseph Stalin" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Adam Koc, who died in New York City, fought in the Polish-Soviet War, in which Joseph Stalin was a commander. This war formed part of the Russian Civil War." } ] }, { "tripleset": [ [ "Adonis Georgiadis", "BIRTH_PLACE", "Athens" ], [ "Adonis Georgiadis", "BIRTH_PLACE", "Greece" ], [ "Adonis Georgiadis", "OFFICE_(WORKED_AT,_WORKED_AS)", "\"Vice-President of New Democracy\"" ], [ "Adonis Georgiadis", "SUCCESSOR", "Makis Voridis" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Adonis Georgiadis was born in Athens, Greece. He was Vice-president of new democracy and was succeeded by Makis Voridis." }, { "source": "webnlg", "text": "Adonis Georgiadis, who was born in Athens, Greece, served as the Vice President of New Democracy and was later succeeded by Makis Voridis." } ] }, { "tripleset": [ [ "Adonis Georgiadis", "BIRTH_PLACE", "Athens" ], [ "Adonis Georgiadis", "BIRTH_PLACE", "Greece" ], [ "Adonis Georgiadis", "OFFICE_(WORKED_AT,_WORKED_AS)", "Ministry of Economy, Development and Tourism (Greece)" ], [ "Adonis Georgiadis", "SUCCESSOR", "Makis Voridis" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Adonis Georgiadis was born in Athens, Greece and worked for the Ministry of Economy, Development and Tourism in Greece. He was succeeded by Makis Voridis." }, { "source": "webnlg", "text": "Adonis Georgiadis, who was born in Athens Greece worked for the Ministry of Economy, Development and Tourism and his successor was Makis Voridis." }, { "source": "webnlg", "text": "Adonis Georgiadis was born in Athens, Greece and worked at the Ministry of Economy, Development and Tourism. He was succeeded by Makis Voridis." } ] }, { "tripleset": [ [ "Adonis Georgiadis", "OFFICE_(WORKED_AT,_WORKED_AS)", "Member of the Hellenic Parliament" ], [ "Adonis Georgiadis", "BIRTH_PLACE", "Athens" ], [ "Adonis Georgiadis", "BIRTH_PLACE", "Greece" ], [ "Adonis Georgiadis", "SUCCESSOR", "Makis Voridis" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Makis Voridis was the successor of Adonis Georgiadis, who, was born in Athens, Greece, and was a member of the Hellenic Parliament." }, { "source": "webnlg", "text": "Adonis Georgiadis was born in Athens in Greece and before being succeeded by Makis Voridis worked as a member of the Hellenic Parliament." }, { "source": "webnlg", "text": "Adonis Georgiadis, who was born in Athens, Greece, worked as a member of the Hellenic Parliament and was succeeded by Makis Voridis." } ] }, { "tripleset": [ [ "Agnes Kant", "NATIONALITY", "Netherlands" ], [ "Netherlands", "CURRENCY", "Euro" ], [ "Emile Roemer", "PARTY", "Socialist Party (Netherlands)" ], [ "Socialist Party (Netherlands)", "LEADER_NAME", "Emile Roemer" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Agnes Kant is a national of the Netherlands where the currency is the euro. Emile Roemer is a member and leader of the Socialist Party in the Netherlands." }, { "source": "webnlg", "text": "Emile Roemer is a leader of the Socialist Party in Netherlands of which Agnes Kant is also a member. The country uses the Euro as its currency." }, { "source": "webnlg", "text": "Emile Roemer is leader of Socialist Party in Netherlands which uses the Euro as its currency. A member of the party is Agnes Kant." } ] }, { "tripleset": [ [ "Agnes Kant", "NATIONALITY", "Netherlands" ], [ "Netherlands", "LEADER_NAME", "Mark Rutte" ], [ "Agnes Kant", "OFFICE_(WORKED_AT,_WORKED_AS)", "House of Representatives (Netherlands)" ], [ "Agnes Kant", "PARTY", "Socialist Party (Netherlands)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Agnes Kant, a Netherlands National, worked at the House of Representatives in Netherlands. She is a member of the Socialist Party in the Netherlands, the leader of which is, Mark Rutte." }, { "source": "webnlg", "text": "Agnes Kant is a national of the Netherlands where Mark Rutte is a leader. Kant is also a member of the Socialist Party and worked at the House of Representatives in the Netherlands." }, { "source": "webnlg", "text": "Socialist Party member Agnes Kant, who is a Netherlands national, worked at the House of the Representatives in the Netherlands. The leader there is Mark Rutte." } ] }, { "tripleset": [ [ "Agnes Kant", "NATIONALITY", "Netherlands" ], [ "Netherlands", "LEADER_NAME", "Mark Rutte" ], [ "Emile Roemer", "PARTY", "Socialist Party (Netherlands)" ], [ "Socialist Party (Netherlands)", "LEADER_NAME", "Emile Roemer" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Agnes Kant is a national of the Netherlands, the leader of which, is Mark Rutte. In the Netherlands, Emile Roemer is leader and member of the Netherlands Socialist Party." }, { "source": "webnlg", "text": "Agnes Kant is from the Netherlands, where the leader is Mark Rutte. Emile Roemer is a member of (and leader of) the Socialist Party in the Netherlands." }, { "source": "webnlg", "text": "The Netherlands Socialist Party is led by member Emile Roemer. The Netherlands is also led by Mark Rutte and home to Agnes Kant." } ] }, { "tripleset": [ [ "Agnes Kant", "NATIONALITY", "Netherlands" ], [ "Socialist Party (Netherlands)", "COLOR", "Red" ], [ "Socialist Party (Netherlands)", "LEADER_NAME", "Emile Roemer" ], [ "Agnes Kant", "PARTY", "Socialist Party (Netherlands)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Agnes Kant has Netherland nationality and is a member of the Socialist Party in the Netherlands which uses the colour \"red\" and is led by Emile Roemer." }, { "source": "webnlg", "text": "Agnes Kant, a Netherland national, is a member of the Socialist Party of the Netherlands which is led by Emile Roemer and uses the colour of red." }, { "source": "webnlg", "text": "Agnes Kant is from the Netherlands where she is a member of the Socialist Party. The leader of the Socialist Party, which is associated with the colour red, is Emile Roemer." } ] }, { "tripleset": [ [ "Airey Neave", "BATTLES", "Battle of France" ], [ "Airey Neave", "BIRTH_PLACE", "\"Knightsbridge, London\"" ], [ "Airey Neave", "ACTIVE_YEARS_START_DATE", "1953-06-30" ], [ "Airey Neave", "ACTIVE_YEARS_END_DATE", "1979-03-30" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Knightsbridge, London is the birthplace of Airey Neave and he was involved in the Battle of France. He started his career on 30th June 1953 and ended it on 30th March 1979." }, { "source": "webnlg", "text": "Airey Neave was born in Knightsbridge in London and started his career on the 30th June 1953. He fought in the Battle of France and ended his career on the 30th March 1979." }, { "source": "webnlg", "text": "Battle of France veteran Airey Neave, born in Knightsbridge, London, began his career 06/30/1953 and retired 03/30/1979." } ] }, { "tripleset": [ [ "Airey Neave", "BATTLES", "Battle of France" ], [ "Airey Neave", "BIRTH_PLACE", "\"Knightsbridge, London\"" ], [ "Airey Neave", "ACTIVE_YEARS_START_DATE", "1974-03-04" ], [ "Airey Neave", "ACTIVE_YEARS_END_DATE", "1979-03-30" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Airey Neave, born in Knightsbridge, London, was involved in the Battle of France; he began his career on March 4th 1974, and ended his career on 30th March 1979." }, { "source": "webnlg", "text": "Airey Neave, who was born in Knightsbridge, London, fought in the Battle of France. His career lasted only five years beginning March 4th, 1974 and ending on the 30th of the same month in 1979." }, { "source": "webnlg", "text": "Battle of France veteran Airey Neave, born in Knightsbridge, London, began his career 03/04/1974 and retired 03/30/1979." } ] }, { "tripleset": [ [ "Airey Neave", "UNIT", "Royal Artillery" ], [ "Royal Artillery", "GARRISON", "Hohne" ], [ "Airey Neave", "BATTLES", "World War II" ], [ "World War II", "COMMANDER", "Chiang Kai-shek" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Airey Neave served in the Royal Artillery Unit, which has a garrison in Hohne, during World War Two. One of the commanders in that war was Chiang Kai-shek." }, { "source": "webnlg", "text": "Airey Neave served in the Royal Artillery Unit which has a garrison in Hohne. He also participated in World War II where Chiang Kai-shek was a commander." }, { "source": "webnlg", "text": "Airey Neave fought in World War Two with the Royal Artillery which had a garrison in Hohne. One of the commanders of World War Two was Chiang Kai-shek." } ] }, { "tripleset": [ [ "Albert B. White", "BIRTH_PLACE", "Cleveland" ], [ "Albert B. White", "DEATH_PLACE", "Parkersburg, West Virginia" ], [ "Albert B. White", "SUCCESSOR", "William M. O. Dawson" ], [ "William M. O. Dawson", "BIRTH_PLACE", "Bloomington, Maryland" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Albert B. White was born in Cleveland and he died in Parkersburg, West Virginia. His successor was William M. O. Dawson who was born in Bloomington, Maryland." }, { "source": "webnlg", "text": "Albert B. White, who was born in Cleveland an died at Parkersburg, West Virginia was succeeded by William M. O. Dawson who was born in Bloomington Maryland." }, { "source": "webnlg", "text": "Albert B. White, b. Cleveland and died in Parkersburg, WV, was succeeded by William M. O. Dawson from Bloomington, Maryland." } ] }, { "tripleset": [ [ "Albert B. White", "SUCCESSOR", "William M. O. Dawson" ], [ "Albert B. White", "BIRTH_PLACE", "Cleveland" ], [ "Albert B. White", "ACTIVE_YEARS_END_DATE", "1905-03-04" ], [ "Albert B. White", "ACTIVE_YEARS_START_DATE", "1901-03-04" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Born in Cleveland, Albert B. White started his career on March 4, 1901 and finished it on March 4th 1905." }, { "source": "webnlg", "text": "Albert B. White was born in Cleveland and his successor was William M.O. Dawson. He started his career on March 4, 1901 and finished it on March 4th 1905." }, { "source": "webnlg", "text": "Albert B. White was born in Cleveland. he began his carreer on March 4, 1901 and ended it on March 4, 1905. His successor was William M. O. Dawson." } ] }, { "tripleset": [ [ "Albert Jennings Fountain", "BIRTH_PLACE", "New York" ], [ "New York", "LANGUAGE", "French language" ], [ "American Civil War", "COMMANDER", "Abraham Lincoln" ], [ "Albert Jennings Fountain", "BATTLES", "American Civil War" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Albert Jennings Fountain was born in New York, where one of the languages spoken is French, He fought in the American Civil War, a conflict in which Abraham Lincoln was a commander." }, { "source": "webnlg", "text": "Born in New York city (where French is one of the languages spoken), Albert Jennings Fountain battled in the American Civil War. The same conflict in which Abraham Lincoln was a commander." }, { "source": "webnlg", "text": "French is a language spoken in New York which is where Albert Jennings Fountain was born. He battled in the American Civil War, the conflict which Abraham Lincoln was a commander in." } ] }, { "tripleset": [ [ "Albert Jennings Fountain", "DEATH_PLACE", "Do\u00f1a Ana County, New Mexico" ], [ "Albert Jennings Fountain", "BIRTH_PLACE", "New York City" ], [ "Albert Jennings Fountain", "BATTLES", "American Civil War" ], [ "American Civil War", "COMMANDER", "Jefferson Davis" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Albert Jennings Fountain was born in New York City and died in Dona Ana County, New Mexico. He had fought in the American Civil War, during which, Jefferson Davis was a commander." }, { "source": "webnlg", "text": "New York City was the birthplace of Albert Jennings and he passed away in Dona Ana County, New Mexico. He fought in the American Civil War and one commander in that war was Jefferson Davis." }, { "source": "webnlg", "text": "Albert Jennings Fountain was born in New York City and died in Dona Ana County, New Mexico. He fought in the American Civil War where one of the commanders was Jefferson Davis." } ] }, { "tripleset": [ [ "Albert Jennings Fountain", "DEATH_PLACE", "New Mexico Territory" ], [ "Albert Jennings Fountain", "DEATH_PLACE", "United States" ], [ "Albert Jennings Fountain", "BIRTH_PLACE", "New York" ], [ "Albert Jennings Fountain", "BIRTH_PLACE", "Staten Island" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Albert Jennings Fountain was born in Staten Island, New York. He died in the New Mexico Territory in the U.S." }, { "source": "webnlg", "text": "Albert Jennings Fountain was born in New York on Staten Island and died in New Mexico Territory." }, { "source": "webnlg", "text": "Albert Jennings Fountain was born in Staten Island, New York and died in New Mexico Territory, USA." } ] }, { "tripleset": [ [ "Alberto Teisaire", "DEATH_PLACE", "Buenos Aires" ], [ "Buenos Aires", "LEADER_NAME", "Horacio Rodr\u00edguez Larreta" ], [ "Alberto Teisaire", "PARTY", "Justicialist Party" ], [ "Alberto Teisaire", "IN_OFFICE_WHILE_PRESIDENT", "Juan Per\u00f3n" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alberto Teisaire, a member of the Justicialist Party was in office while Juan Peron was president. Alberto Teisaire died in Buenos Aires, where Horacio Rodriguez Larreta is the leader." }, { "source": "webnlg", "text": "Alberto Teisaire belongs to the Justicialist Party and was in office while Juan Peron was President. Teisaire died in Buenos Aires, where the leader is Horacio Rodr\u00edguez Larreta." } ] }, { "tripleset": [ [ "Alberto Teisaire", "OFFICE_(WORKED_AT,_WORKED_AS)", "\"Provisional President of the Argentine Senate\"" ], [ "Alberto Teisaire", "PROFESSION", "Rear admiral" ], [ "Alberto Teisaire", "SUCCESSOR", "Isaac Rojas" ], [ "Alberto Teisaire", "BIRTH_PLACE", "Mendoza, Argentina" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Isaac Rojas was the successor to Alberto Teisaire, who was born in Mendoza, Argentina. Alberto Teisaire was a Rear Admiral by profession and worked as a Provisional President of the Argentine Senate." }, { "source": "webnlg", "text": "Alberto Teisaire was born in Mendoza in Agentina and he was a Rear Admiral. He worked as a Provisional President of the Argentine Senate and his successor was Isaac Rojas." }, { "source": "webnlg", "text": "Provisional President of the Argentine Senate and Rear Admiral Alberto Teisaire was born in Mendoza, Argentina. he was succeeded by Isaac Rojas." } ] }, { "tripleset": [ [ "Alfred Moore Scales", "SUCCESSOR", "Daniel Gould Fowle" ], [ "Alfred Moore Scales", "OFFICE_(WORKED_AT,_WORKED_AS)", "\"Governor of North Carolina\"" ], [ "Alfred Moore Scales", "PARTY", "Democratic Party (United States)" ], [ "Alfred Moore Scales", "BIRTH_PLACE", "Reidsville, North Carolina" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alfred Moore Scales, a member of the U.S. Democratic Party, was born in Reidsville, North Carolina. He Governor of North Carolina and was succeeded by Daniel Gould Fowle." }, { "source": "webnlg", "text": "Alfred Moore Scales was born in Reidsville, North Carolina, is a member of the Democratic Party in the United States and served as Governor of North Carolina. He was succeeded by Daniel Gould Fowle." }, { "source": "webnlg", "text": "Alfred Moore Scales, of Reidsville, North Carolina, is a United States Democrat, and was the Governor of North Carolina. He was succeeded by Daniel Gould Fowle." } ] }, { "tripleset": [ [ "Alfred N. Phillips", "MILITARY_BRANCH", "United States Army" ], [ "United States Army", "BATTLES", "Whiskey Rebellion" ], [ "Alfred N. Phillips", "BIRTH_PLACE", "Connecticut" ], [ "Alfred N. Phillips", "OFFICE_(WORKED_AT,_WORKED_AS)", "\"Member of the U.S. House of Representatives from Connecticut's 4th district\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Connecticut born Alfred N Phillips, who served in the US Army, fought in the battle called Whiskey Rebellion. He was later a Member of the U.S. House of Representatives from Connecticut's 4th district." }, { "source": "webnlg", "text": "Connecticut born Alfred N Phillips served in the US Army and fought in the Whiskey Rebellion battle. He was later a Member of the U.S. House of Representatives from Connecticut's 4th district." }, { "source": "webnlg", "text": "U.S. House of Representatives, 4th District, Connecticut member Alfred N Phillips (born: Connecticut) was a US Army veteran. The Whiskey Rebellion was fought by the United States Army." } ] }, { "tripleset": [ [ "Alfred N. Phillips", "PARTY", "Democratic Party (United States)" ], [ "Alfred N. Phillips", "SUCCESSOR", "Albert E. Austin" ], [ "Alfred N. Phillips", "BIRTH_PLACE", "Connecticut" ], [ "Alfred N. Phillips", "OFFICE_(WORKED_AT,_WORKED_AS)", "\"Member of the U.S. House of Representatives from Connecticut's 4th district\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Connecticut born Alfred N Phillips, a Democrate, worked as Member of the U.S. House of Representatives from Connecticut's 4th district and was succeded by Albert E. Austin." }, { "source": "webnlg", "text": "Alfred N. Phillips, born in Connecticut was a member of the United States Democratic Party and worked as a Member of the U.S. House of Representatives from the Connecticut's 4th district. His successor was Albert E. Austin." }, { "source": "webnlg", "text": "Alfred N. Phillips was born in Connecticut and he was a member of the Democratic Party United States and a member of the U. S. House of Representatives from Connecticut's 4th district. Albert E. Austin succeeded Alfred N. Phillips." } ] }, { "tripleset": [ [ "Alfred N. Phillips", "PARTY", "Democratic Party (United States)" ], [ "Alfred N. Phillips", "SUCCESSOR", "Albert E. Austin" ], [ "Alfred N. Phillips", "BIRTH_PLACE", "Darien, Connecticut" ], [ "Alfred N. Phillips", "OFFICE_(WORKED_AT,_WORKED_AS)", "Mayor of Stamford, Connecticut" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Darien, Connecticut is the birthplace of Alfred N. Phillips, who was Mayor of Stamford, Connecticut. Alfred N. Phillips, was a member of the Democratic Party in the United States and was succeeded Alfred N. Phillips." }, { "source": "webnlg", "text": "Darien, Connecticut is the birthplace of Alfred N. Phillips and he was a member of the United States Democratic Party. He was also the Mayor of Stamford Connecticut and his successor was Albert E. Austin." }, { "source": "webnlg", "text": "United States Democratic Party member and Stamford, Connecticut Mayor Alfred N. Phillips was born in Stamford. He was succeeded by Albert E. Austin." } ] }, { "tripleset": [ [ "Allan Shivers", "PARTY", "Democratic Party (United States)" ], [ "Allan Shivers", "SUCCESSOR", "Price Daniel" ], [ "Allan Shivers", "BIRTH_PLACE", "Lufkin, Texas" ], [ "Allan Shivers", "OFFICE_(WORKED_AT,_WORKED_AS)", "\"Governor of Texas\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Allan Shivers was born in Lufkin, Texas and served in the Democratic Party in the U.S. He worked as the Governor of Texas and was succeeded by, Price Daniel." }, { "source": "webnlg", "text": "U.S. Democratic Party member and Texas Governor, Allan Shivers, was born in Lufkin, Texas. He was succeeded by Price Daniel." }, { "source": "webnlg", "text": "United States Democratic Party member and Governor of Texas Allan Shivers was born in Lufkin, Texas and succeeded by Price Daniel." } ] }, { "tripleset": [ [ "Allan Shivers", "PARTY", "Democratic Party (United States)" ], [ "Allan Shivers", "SUCCESSOR", "Wilfred R. Cousins, Jr." ], [ "Allan Shivers", "BIRTH_PLACE", "Lufkin, Texas" ], [ "Allan Shivers", "OFFICE_(WORKED_AT,_WORKED_AS)", "\"Governor of Texas\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Allan Shivers was born in Lufkin, Texas and is a member of the Democratic Party in the United States. He served as the Governor of Texas and was succeeded by Wilfred R. Cousins Jr." }, { "source": "webnlg", "text": "Allan Shivers was born in Lufkin, Texas, and served in the Democratic Party of the US. He worked as the Governor of Texas and was eventually succeeded by Wilfred R Cousins Jr." }, { "source": "webnlg", "text": "Allan Shivers was born in Lufkin, Texas and was a Governor of the same state. He was also a member of the Democratic Party in the U.S and was later succeeded by Wilfred R.Cousins, Jr." } ] }, { "tripleset": [ [ "Alvah Sabin", "OFFICE_(WORKED_AT,_WORKED_AS)", "Secretary of State of Vermont" ], [ "Alvah Sabin", "REGION", "Vermont's 3rd congressional district" ], [ "Vermont", "LARGEST_CITY", "Burlington, Vermont" ], [ "Alvah Sabin", "STATE", "Vermont" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alvah Sabin worked in Vermont where he was secretary of the state and represented the 3rd Congressional District. The largest city in the state of Vermont is Burlington." }, { "source": "webnlg", "text": "Alvah Sabin is from the state of Vermont, which has the largest city of Burlington. Sabin worked as the Secretary of State of Vermont and represented Vermont's 3rd Congressional District." }, { "source": "webnlg", "text": "Vermont Secretary of State and 3rd Congressional District representative Alvah Sabin is from Vermont (which includes largest city, Burlington)." } ] }, { "tripleset": [ [ "Alvah Sabin", "PARTY", "Whig Party (United States)" ], [ "Whig Party (United States)", "LEADER_NAME", "Daniel Webster" ], [ "Alvah Sabin", "REGION", "Vermont" ], [ "Vermont", "LARGEST_CITY", "Burlington, Vermont" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The largest city in Vermont is Burlington and Alvah Sabin represented Vermont because he belongs to the Whig Party (United States). Daniel Webster was a leader of the Whig Party in the United States." }, { "source": "webnlg", "text": "Alvah Sabin was a member of the Whig Party of the United States and he represented Vermont, whose biggest city is Burlington. Daniel Webster was a leader of the Whig Party in the United States." }, { "source": "webnlg", "text": "Whig Party of the United States was led by Daniel Webster. Member Alvah Sabin represented Burlington and the rest of Vermont." } ] }, { "tripleset": [ [ "Battle of Gettysburg", "IS_PART_OF_MILITARY_CONFLICT", "American Civil War" ], [ "American Civil War", "COMMANDER", "Robert E. Lee" ], [ "Aaron S. Daggett", "BATTLES", "Battle of Gettysburg" ], [ "Aaron S. Daggett", "AWARD", "Purple Heart" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "One of the commanders during the American Civil War was Robert E Lee. The conflict included the Battle of Gettysburg in which Aaron S Daggett took part and was awarded the Purple Heart." }, { "source": "webnlg", "text": "The Battle of Gettysburg took place during the American Civil War when Robert E Lee was a commander. Aaron S Daggett fought at the Battle of Gettysburg and was awarded the Purple Heart." }, { "source": "webnlg", "text": "Aaron S. Daggett fought at the Battle of Gettysburg, part of the American Civil War. He was given the Purple Heart. A commander in that war was Robert E. Lee." } ] }, { "tripleset": [ [ "Juan Per\u00f3n", "PARTY", "Labour Party (Argentina)" ], [ "Alberto Teisaire", "NATIONALITY", "Argentina" ], [ "Argentina", "LANGUAGE", "Spanish language" ], [ "Alberto Teisaire", "IN_OFFICE_WHILE_PRESIDENT", "Juan Per\u00f3n" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alberto Teisaire, is a national of Argentina, where Spanish is spoken. Alberto Teisaire, was in office while Juan Per\u00f3n was president. Juan Per\u00f3n was a member of the Labour Party in Argentina." }, { "source": "webnlg", "text": "Argentinian, Alberto Teisaire was in office while Juan Peron was President. Per\u00f3n was a member of the Labour Party in Argentina where the dominant language is Spanish." } ] }, { "tripleset": [ [ "Juan Per\u00f3n", "PARTY", "Labour Party (Argentina)" ], [ "Alberto Teisaire", "SUCCESSOR", "Isaac Rojas" ], [ "Alberto Teisaire", "BIRTH_PLACE", "Mendoza, Argentina" ], [ "Alberto Teisaire", "IN_OFFICE_WHILE_PRESIDENT", "Juan Per\u00f3n" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Juan Peron was a member of the Argentian Labour Party and during his Presidency Alberto Teisaire, who was born in Mendoza in Argentina, was in office. Isaac Rojas eventually succeeded Teisaire." }, { "source": "webnlg", "text": "Juan Peron was a member of the Labour Party of Argentina and during his Presidency Alberto Teisaire was in office. Teisaire was born in Mendoza in Argentina and was eventually succeeded by Isaac Rojas." }, { "source": "webnlg", "text": "Juan Peron (Labour Party) was President of Argentina; Alberto Teisaire, who was born in Mendoza, Argentina, held office when Juan Peron was president. The successor to Alberto Teisaire was Isaac Rojas." } ] }, { "tripleset": [ [ "AIDA Cruises", "LOCATION", "Germany" ], [ "Costa Crociere", "PARENT_COMPANY", "Carnival Corporation &amp; plc" ], [ "AIDAstella", "OPERATOR", "AIDA Cruises" ], [ "AIDAstella", "BUILDER", "Meyer Werft" ], [ "AIDAstella", "OWNER", "Costa Crociere" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "AIDAstella was built by Meyer Werft, owned by Costa Crociere, the parent company of which is, Carnival Corporation &amp; plc. AIDAstella is operated by AIDA Cruises which is located in Germany." }, { "source": "webnlg", "text": "Carnival Corporation &amp; plc is the parent company of Costa Crociere which is the owner of the AIDAstella. The AIDAstella was built by Meyer Werft and is operated by AIDA Cruises which is based in Germany." }, { "source": "webnlg", "text": "Carnival Corporation &amp; plc is the parent company of Costa Crociere, who own the AIDAstella. AIDAstella was built by Meyer Werft and is operated by AIDA Cruise Line, located in Germany . ." } ] }, { "tripleset": [ [ "AIDAstella", "OPERATOR", "AIDA Cruises" ], [ "AIDAstella", "SHIP_BEAM", "32.2" ], [ "AIDAstella", "TOP_SPEED", "38.892" ], [ "AIDAstella", "BUILDER", "Meyer Werft" ], [ "AIDAstella", "LENGTH", "253260.0 (millimetres)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "AIDAstella was built by Meyer Werft and is operated by AIDA Cruise Line. The AIDAstella has a beam of 32.2 m, is 253260.0 millimetres in length and has a beam of 32.2 m." }, { "source": "webnlg", "text": "The AIDAstella was built by Meyer Werft and operated by the AIDA Cruise Line. It is 253260.0 millimetres long with a beam of 32.2 metres and a top speed of 38.892 km/h." }, { "source": "webnlg", "text": "The AIDAstella is operated by AIDA Cruise Line and was built by Meyer Werft. It is 253260.0 millimetres in length, has a beam of 32.2m and a top speed of 38.892 km/h." } ] }, { "tripleset": [ [ "ALCO RS-3", "BUILDER", "American Locomotive Company" ], [ "ALCO RS-3", "LENGTH", "17068.8 (millimetres)" ], [ "ALCO RS-3", "CYLINDER_COUNT", "12" ], [ "ALCO RS-3", "BUILD_DATE", "\"May 1950 - August 1956\"" ], [ "ALCO RS-3", "ENGINE", "Four-stroke engine" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The ALCO RS-3, built by the American Locomotive Company, was produced Between May 1950 and August 1956. It has 12 cylinders, a four-stroke engine and is 17068.8 millimetres." }, { "source": "webnlg", "text": "The ALCO RS-3 was built by the American Locomotive Company and was produced between May 1950 and August 1956. It has a cylinder count of 12, is 17068.8 (millimetres) in length, and has a four-stroke engine." }, { "source": "webnlg", "text": "The ALCO RS-3 was made from May 1950 until August 1956 by the American Locomotive Company. It is 17068.8mm long, has a four-stroke engine and 12 cyclinders." } ] }, { "tripleset": [ [ "ALCO RS-3", "BUILDER", "American Locomotive Company" ], [ "ALCO RS-3", "LENGTH", "17068.8 (millimetres)" ], [ "ALCO RS-3", "CYLINDER_COUNT", "12" ], [ "ALCO RS-3", "ENGINE", "V12 engine" ], [ "ALCO RS-3", "BUILD_DATE", "\"May 1950 - August 1956\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The ALCO RS-3, produced between May 1950 and August 1956 by the American Locomotive Company, has 12 cylinders and a V12 engine and it's length is 17068.8 millimetres." }, { "source": "webnlg", "text": "The ALCO RS-3, built by the American Locomotive Company, has a V12 cylinder engine and is 17068.8mm long. It was produced from May 1950 to August 1956." }, { "source": "webnlg", "text": "The ALCO RS-3 was produced from May 1950 to August 1956 by the American Locomotive Company. It has a V12, 12 cylinder engine and is 17068.8mm long." } ] }, { "tripleset": [ [ "ALV X-1", "COUNTRY_ORIGIN", "United States" ], [ "United States", "ETHNIC_GROUP", "Native Americans in the United States" ], [ "United States", "DEMONYM", "Americans" ], [ "United States", "CAPITAL", "Washington, D.C." ], [ "United States", "ANTHEM", "The Star-Spangled Banner" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The inhabitants of the United States, from where ALV X-1 hails, are called Americans. The Star Spangled Banner is the national anthem of the united States, Washington D.C. is its capital city and Native Americans one of its ethnic groups ." }, { "source": "webnlg", "text": "The ALV X-1 originated in the United States where the inhabitants are known as Americans and include the ethnic group of Native Americans. The capital city is Washington DC and the national anthem is the Star Spangled Banner." }, { "source": "webnlg", "text": "The United States, has its capital at Washington D.C. and the national anthem as The Star Spangled Banner. It is home to Americans, Native Americans and the ALV X-1." } ] }, { "tripleset": [ [ "AMC Matador", "ALTERNATIVE_NAME", "\"American Motors Matador\"" ], [ "AMC Matador", "ASSEMBLY", "Thames, New Zealand" ], [ "AMC Matador", "BODY_STYLE", "Station wagon" ], [ "AMC Matador", "CLASS", "Mid-size car" ], [ "AMC Matador", "ENGINE", "AMC V8 engine" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The AMC Matador (also known as the American Motors Matador) is assembled in Thames, New Zealand. Classified as a mid-size car, it features a wagon style body and an AMC V8 engine." }, { "source": "webnlg", "text": "The AMC Matador, also known as American Motors Matador, was assembled in Thames, New Zealand. The AMC Matador is a mid-size station wagon with a V8 engine type." }, { "source": "webnlg", "text": "The AMC Matador aka the American Motors Matador, is assemebled in Thames, New Zealand, has a v8 engine, and is classified as a mid size car." } ] }, { "tripleset": [ [ "Alhambra", "OWNER", "P&amp;O (company)" ], [ "P&amp;O (company)", "LOCATION", "London" ], [ "Alhambra", "SHIP_BEAM", "8.3 m" ], [ "Alhambra", "POWER_TYPE", "Humphrys, Tennant and Dykes" ], [ "Alhambra", "BUILDER", "Samuda Brothers" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "P&amp;O company is located in London and owns the Alhambra which was built by, the Samuda Brothers. The Alhambra has an 8.3m ship beam and is powered by a Humphrys, Tennant and Dykes engine." }, { "source": "webnlg", "text": "A transport London company called P&amp;O owns the Alhambra ship which contains a Humphrys, Tennant and Dykes power type and has a ship beam of 8.3 m. The ship was built by the Samuda Brothers." }, { "source": "webnlg", "text": "The Alhambra, with an 8.3m ship beam, is powered by a a Humphrys, Tennant and Dykes. It is owned by London based, P&amp;O and built by the Samuda Brothers." } ] }, { "tripleset": [ [ "American Motors", "SUCCESSOR", "Eagle (automobile)" ], [ "American Motors", "SUBSIDIARY", "Wheel Horse" ], [ "AMC Matador", "MANUFACTURER", "American Motors" ], [ "American Motors", "FATE", "Chrysler" ], [ "American Motors", "KEY_PERSON", "Roy D. Chapin, Jr." ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "AMC Matador is manufactured by American Motors, a key person of the company is Roy D Chapin Jr. The Wheel Horse is a subsidiary of American Motors which was succeeded by Eagle and acquired by Chrysler." }, { "source": "webnlg", "text": "The AMC Matador is manufactured by American Motors, whose subsidiary is The Wheel Horse and successor is Eagle. American Motors was acquired by Chrysler and Roy D Chapin Jr is a key person there." }, { "source": "webnlg", "text": "Roy D Chapin Jr is a key person at American Motors who manufactured the AMC Matador. The company was acquired by Chrysler, was succeeded by Eagle ad has a subsidiary known as The Wheel Horse." } ] }, { "tripleset": [ [ "American submarine NR-1", "SHIP_LAUNCH", "1969-01-25" ], [ "American submarine NR-1", "TOP_SPEED", "8.334" ], [ "American submarine NR-1", "SHIP_DRAFT", "4.6 m" ], [ "American submarine NR-1", "LENGTH", "45000.0 (millimetres)" ], [ "American submarine NR-1", "SHIP_BEAM", "3.8 m" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The American Submarine NR-1 has a ship beam of 3.8 m, a ship draft of 4.6m, is 45000.0 (millimetres) long and has a top speed of 8.334 km/h. It was launched on The 25th of January 1969." }, { "source": "webnlg", "text": "The American submarine NR-1 which was launched on January 25th 1969 has a top speed of 8.334 km/h. It has a 3.8m ship beam, a draft of 4.6m and measures 45000 mms in length." }, { "source": "webnlg", "text": "The American submarine NR-1 that was launched on 25th of January 1969 has a top speed of 8.334 km/h. It has a draft of 4.6m, a ship beam of 3.8m and has a total length of 45000 mms." } ] }, { "tripleset": [ [ "Antares (rocket)", "LAUNCH_SITE", "Mid-Atlantic Regional Spaceport" ], [ "Antares (rocket)", "COMPARABLE", "Delta II" ], [ "Delta II", "COUNTRY_ORIGIN", "United States" ], [ "Antares (rocket)", "LAUNCH_SITE", "Mid-Atlantic Regional Spaceport Launch Pad 0" ], [ "Mid-Atlantic Regional Spaceport Launch Pad 0", "ASSOCIATED_ROCKET", "Minotaur IV" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Minotaur IV rocket was launched from the Mid-Atlantic Regional Spaceport Launch Pad 0, the same launch site that the Antares rocket was launched from. The rocket Antares is comparable to Delta II which is from the United States." }, { "source": "webnlg", "text": "The Antares rocket is comparable to the Delta II, which originates from the United States. The launch site of the Antares was the Mid Atlantic Regional Spaceport Launch Pad 0, which is also associated with the rocket Minotaur IV." }, { "source": "webnlg", "text": "The Minotaur IV rocket is associated with the Mid-Atlantic Regional Spaceport Launch Pad 0 which is also the launch site of the Antares Rocket. The rocket is comparable to the Delta II from the United States." } ] }, { "tripleset": [ [ "Antares (rocket)", "MANUFACTURER", "Yuzhnoye Design Office" ], [ "Antares (rocket)", "FINAL_FLIGHT", "2014-07-13" ], [ "Antares (rocket)", "MAIDEN_FLIGHT", "2014-10-28" ], [ "Antares (rocket)", "LAUNCH_SITE", "Mid-Atlantic Regional Spaceport Launch Pad 0" ], [ "Antares (rocket)", "DIAMETER", "3.9 (metres)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Yuzhnoye Design Office created the Antares rocket whose initial flight took place July 13, 2014 at the Mid-Atlantic Regional Spaceport Launch Pad 0. The rocket is 3.9 m in diameter and took its last trip on Oct. 28, 2014." }, { "source": "webnlg", "text": "The Antares rocket's maiden flight was on the 28th October 2014 and its last flight on 2014-07-13. Its launch site was the Mid-Atlantic Regional Spaceport Launch Pad 0. It is manufactured at the Yuzhnoye Design Office and is 3.9 m in diameter." }, { "source": "webnlg", "text": "The Antares rocket was made by the Yuzhnoye Design Office and is 3.9 m in diameter. It launched at the Mid-Atlantic Regional Spaceport Launch Pad 0 making the first flight on 28 October 2014 and the final flight on 13 July 2014." } ] }, { "tripleset": [ [ "Antares (rocket)", "MANUFACTURER", "Yuzhnoye Design Office" ], [ "Antares (rocket)", "MAIDEN_FLIGHT", "2014-10-28" ], [ "Antares (rocket)", "LAUNCH_SITE", "Mid-Atlantic Regional Spaceport Launch Pad 0" ], [ "Antares (rocket)", "DIAMETER", "3.9 (metres)" ], [ "Antares (rocket)", "FINAL_FLIGHT", "2013-09-18" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Antares rocket is 3.9 metres in diametre and is manufactured by the Yuzhnoye Design Office. Its launch site was the Mid-Atlantic Regional Spaceport Launch Pad 0. The Antares rocket made its first flight on October 28th, 2014 and its final flight on September 18th, 2013." }, { "source": "webnlg", "text": "The Antares rocket, manufactured by the Yuzhnoye Design Office, was launched from the Mid-Atlantic Regional Spaceport Launch Pad 0. At 3.9m in diameter, the Antares rocket had its maiden flight on the 28th October, 2014 and final flight on the 18th of September, 2013." }, { "source": "webnlg", "text": "The Antares rocket, which was manufactured at the Yuzhnoye Design Office, made its first flight on October 28, 2014 and had its final flight on the 18th of September 2013. It is 3.9 m in diameter, and was launched from the Mid-Atlantic Regional Spaceport Launch Pad 0." } ] }, { "tripleset": [ [ "Ariane 5", "FINAL_FLIGHT", "2009-12-18" ], [ "Ariane 5", "MAIDEN_FLIGHT", "2005-08-11" ], [ "Ariane 5", "MANUFACTURER", "Airbus Defence and Space" ], [ "Ariane 5", "LAUNCH_SITE", "Guiana Space Centre" ], [ "Ariane 5", "DIAMETER", "5.4 (metres)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Ariane 5 had its first voyage August 11, 2005 and its last flight on December 18, 2009. It was manufactured by Airbus Defence and Space and launched from the Guiana Space Centre. Its diameter is 5.4 metres." }, { "source": "webnlg", "text": "The Airbus Defence and Space manufactured the Ariane 5 which has a diameter of 5.4 metres. It was launched from the Guiana Space Centre, making its maiden flight on 11 August 2005 and the final flight on 18 December 2009." }, { "source": "webnlg", "text": "The Airbus Defence and Space manufactures the Ariane 5 which has a diameter of 5.4 metres. It launched from the Guiana Space Centre, making its maiden flight on 11 August 2005 and the last flight on December 18 2009." } ] }, { "tripleset": [ [ "Arianespace", "LOCATION_CITY", "Courcouronnes" ], [ "Guiana Space Centre", "HEADQUARTER", "French Guiana" ], [ "ELA-3", "SITE", "Guiana Space Centre" ], [ "Ariane 5", "LAUNCH_SITE", "ELA-3" ], [ "ELA-3", "OPERATOR", "Arianespace" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Ariane 5 was launched at the ELA-3, which is located at the Guiana Space Centre, which has its own HQ in French Guiana. The ELA-3 is operated by Arianespace, which is located in Courcouronnes." }, { "source": "webnlg", "text": "The Guiana Space Centre's headquarters are located in French Guiana, it is the location of the ELA-3 launchpad where the Ariane 5 was launched. ELA-3 is operated by Arianespace, which is located in Courcouronnes." }, { "source": "webnlg", "text": "The ELA-3 is located at the Guiana Space Centre (headquarters: French Guiana), is operated by, the Courcouronnes area, Arianespace and is the launch place of the Ariane 5." } ] }, { "tripleset": [ [ "Aston Martin V8", "RELATED_MEAN_OF_TRANSPORTATION", "Aston Martin DBS" ], [ "Aston Martin DBS", "SUCCESSOR", "Aston Martin Vantage" ], [ "Aston Martin V8", "ASSEMBLY", "Newport Pagnell" ], [ "Aston Martin V8", "ENGINE", "5.3 (litres)" ], [ "Aston Martin V8", "MANUFACTURER", "Aston Martin" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Aston Martin V8, manufactured by Aston Martin, is related to the Aston Martin DBS and was succeeded by the Aston Martin Vantage. Its engine volume is 5.3 litres. and it is assembled at Newport Pagnell." }, { "source": "webnlg", "text": "The Aston Martin DBS (later succeeded by the AM Vantage) and the Aston Martin V8 are related means of transport. The latter is assembled at Newport Pagnell by Aston Martin and has a 5.3 litre engine volume." }, { "source": "webnlg", "text": "The Aston Martin Vantage succeeded the Aston Martin DBS which is a related means of transport to the Aston Martin V8. The latter car was made by Aston Martin, has a 5.3 litre engine and is assembled at Newport Pagnell." } ] }, { "tripleset": [ [ "Aston Martin V8", "RELATED_MEAN_OF_TRANSPORTATION", "Aston Martin DBS" ], [ "Aston Martin V8", "BODY_STYLE", "Coup\u00e9" ], [ "Aston Martin V8", "ENGINE", "5.3 (litres)" ], [ "Aston Martin V8", "RELATED_MEAN_OF_TRANSPORTATION", "Aston Martin RHAM/1" ], [ "Aston Martin V8", "ASSEMBLY", "Newport Pagnell" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Aston Martin V8, related to the Aston Martin DBS and the Aston Martin RHAM/1 , is a Coupe with an engine volume of 5.3 litres. It is assembled in Newport Pagnell." }, { "source": "webnlg", "text": "The Aston Martin RHAM/1, and the Aston Martin DBS are related means of transport to the Aston Martin V8. The latter vehicle is a coupe with a 5.3 litre engine and is assembled at Newport Pagnell." } ] }, { "tripleset": [ [ "Aston Martin V8", "RELATED_MEAN_OF_TRANSPORTATION", "Aston Martin DBS" ], [ "United Kingdom", "LEADER_NAME", "Elizabeth II" ], [ "Aston Martin V8", "ASSEMBLY", "United Kingdom" ], [ "Aston Martin V8", "SUCCESSOR", "Aston Martin Virage" ], [ "Aston Martin Virage", "MANUFACTURER", "Aston Martin" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Aston Martin V8, assembled in the United Kingdom (leader:Elizabeth II), was succeeded by the Aston Martin Virage which was manufactured by Aston Martin. The V8 and the Virage are relative means of transport with the Aston MArtin DBS." }, { "source": "webnlg", "text": "The Aston Martin V8, suceeded by the the Aston Martin Virage and made n the United Kingdom, led by Elizabeth II. The Vs, the Virage (made by Aston Martin) and the Aston Martin DBS, are related modes of transportation." } ] }, { "tripleset": [ [ "Audi A1", "ENGINE", "1.2 (litres)" ], [ "Audi A1", "LAYOUT", "Front-engine, front-wheel-drive layout" ], [ "Audi A1", "ASSEMBLY", "\"Brussels, Belgium\"" ], [ "Audi A1", "CLASS", "Supermini" ], [ "Audi A1", "BODY_STYLE", "Hatchback" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Audi A1 hatchback is a supermini vehicle made in Brussels, Belgium. It contains a 1.2 l front engine with a front wheel drive layout." }, { "source": "webnlg", "text": "The Audi A1 is a hatchback belonging to the supermini class. It has a 1.2 litre engine, a front-engine with front-wheel-drive and is assembled in Brussels, Belgium." }, { "source": "webnlg", "text": "The Audi A1 is a supermini hatchback assembled in Brussels, Belgium. It has a front-engine with front-wheel-drive and a 1.2 litre engine." } ] }, { "tripleset": [ [ "Audi A1", "MANUFACTURER", "Audi" ], [ "Audi", "FOUNDED_BY", "August Horch" ], [ "Audi", "SUBSIDIARY", "Ducati" ], [ "Audi", "DIVISION", "Audi e-tron" ], [ "Audi", "SUBSIDIARY", "Lamborghini" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Audi A1 is made by Audi, the company which was founded by August Horch. Audi e-tron is a division of Audi which has Lamborghini and Ducati as subsidiaries." }, { "source": "webnlg", "text": "Made by Audi, whose founder is August Horch, is the Audi A1. Subsidiaries of Audi are the Ducati, Audi e-tron and Lamborghini." }, { "source": "webnlg", "text": "Audi, which was founded by August Horch, owns the company Ducati and manufactures the Audi A1. It also has a sub-division known as Audi e-tron and the subsidiary company Lamborghini." } ] }, { "tripleset": [ [ "Caterpillar Inc.", "FOUNDATION_PLACE", "California" ], [ "Caterpillar Inc.", "FOUNDATION_PLACE", "United States" ], [ "Caterpillar Inc.", "LOCATION", "Peoria, Illinois" ], [ "AIDAluna", "OWNER", "AIDA Cruises" ], [ "AIDAluna", "POWER_TYPE", "Caterpillar Inc." ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Caterpillar Inc. founded in California in the U.S. is now in Peoria, Ill. That company powered the AIDAluna craft and is owned by AIDA Cruises." }, { "source": "webnlg", "text": "The power type of the AIDAluna, owned by AIDA Cruises, is the Caterpillar Inc. engine. Caterpillar, Inc. was founded in California in the U.S. and is located in Peoria, Illinois." }, { "source": "webnlg", "text": "Caterpillar Inc. was founded in California, United States, and is located in Peoria, Illinois. The company provide the engine to power the AIDAluna which is owned by AIDA Cruises." } ] }, { "tripleset": [ [ "Caterpillar Inc.", "KEY_PERSON", "Douglas R. Oberhelman" ], [ "Caterpillar Inc.", "FOUNDATION_PLACE", "United States" ], [ "AIDA Cruises", "LOCATION", "Rostock" ], [ "AIDAluna", "OWNER", "AIDA Cruises" ], [ "AIDAluna", "POWER_TYPE", "Caterpillar Inc." ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "AIDA Cruises, located at Rostock, is owned by AIDAluna. AIDAluna is powered by Caterpillar Inc., which was founded in the U.S. and is led by Douglas R. Oberhelman." }, { "source": "webnlg", "text": "Douglas R. Oberhelman is the key person at Caterpillar Inc which was founded in the United states. The company powers the AIDAluna which is owned by AIDA Cruises located in Rostock." }, { "source": "webnlg", "text": "AIDAluna is powered by the United States' Caterpillar Inc., with key figure, Douglas R. Oberhelman. AIDAluna is owned by Rostock area, AIDA Cruises." } ] }, { "tripleset": [ [ "Caterpillar Inc.", "KEY_PERSON", "Douglas R. Oberhelman" ], [ "Caterpillar Inc.", "FOUNDATION_PLACE", "United States" ], [ "Caterpillar Inc.", "LOCATION", "Peoria, Illinois" ], [ "AIDAluna", "OWNER", "AIDA Cruises" ], [ "AIDAluna", "POWER_TYPE", "Caterpillar Inc." ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "AIDAluna, owned by AIDA Cruises, is powered by Caterpillar Inc., where Douglas R. Oberhelman is a key person. Caterpillar Inc. was founded in the United States and is in Peoria, Illinois." }, { "source": "webnlg", "text": "Douglas R. Oberhelman is a key person at Caterpillar Inc. who provide the power type for the AIDAluna owned by AIDA Cruises. The company was founded in the United States and located in Peoria, Illinois." }, { "source": "webnlg", "text": "Douglas R Oberhelman is a key person at Caterpillar Inc. which was founded in the United States and located in Peoria, Illinois. The AIDAluna, which is owned by AIDA Cruises is powered by the company." } ] }, { "tripleset": [ [ "Costa Crociere", "LOCATION", "Genoa" ], [ "Costa Crociere", "PARENT_COMPANY", "Carnival Corporation &amp; plc" ], [ "AIDAstella", "OPERATOR", "AIDA Cruises" ], [ "AIDAstella", "BUILDER", "Meyer Werft" ], [ "AIDAstella", "OWNER", "Costa Crociere" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Carnival Corporation &amp; plc is the parent company of Costa Crociere in Genoa, who own the AIDAstella. AIDAstella was built by Meyer Werft and is operated by AIDA Cruises." }, { "source": "webnlg", "text": "The AIDAstella, which was built by Meyer Werft, is operated by AIDA Cruises. It's owner are Costa Crociere who are located in Genoa and a subsidiary of Carnival Corporation &amp; Plc." }, { "source": "webnlg", "text": "Meyer Werft built the AIDAstella which is operated by the AIDA Cruise Line. It is owned by Costa Crociere who are located in Genoa and have Carnival Corporation &amp; plc as their parent company." } ] }, { "tripleset": [ [ "Finland", "DEMONYM", "Finns" ], [ "Finland", "LANGUAGE", "Sami languages" ], [ "Finland", "LEADER_NAME", "Juha Sipil\u00e4" ], [ "Aleksey Chirikov (icebreaker)", "BUILDER", "Finland" ], [ "Aleksey Chirikov (icebreaker)", "BUILDER", "Arctech Helsinki Shipyard" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Finland's Arctech Helsinki Shipyard built the icebreaker, Aleksey Chirikov. Juha Sipila leads Finland, where the people are known as Finns and Sami languages are spoken." }, { "source": "webnlg", "text": "Finland is led by Juha Sipila and is home to the Finns. Sami languages are spoken there and the icebreaker ship, Aleksey Chirikov, was built there in the Arctech Helsinki Shipyard." }, { "source": "webnlg", "text": "The icebreaker Aleksey Chirikov was built at the Arctech Helsinki Shipyard in Finland. The country is led by Juha Sipila, uses the Sami language and the inhabitants are known as Finns." } ] }, { "tripleset": [ [ "Germany", "CAPITAL", "Berlin" ], [ "Neptun Werft", "LOCATION_CITY", "Rostock" ], [ "Germany", "LEADER_NAME", "Joachim Gauck" ], [ "Rostock", "COUNTRY", "Germany" ], [ "A-Rosa Luna", "BUILDER", "Neptun Werft" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The A Rosa Luna was built on the Neptun Werft, located in Rostock, Germany. Germany (whose capital city is Berlin) is led by Joachim Gauck." }, { "source": "webnlg", "text": "The builder of the A-Rosa is Neptun Werft whose HQ is in Rostock, Germany. Berlin is the capital in that country and Joachim Gauck is the name of one of its leaders." }, { "source": "webnlg", "text": "The A-Rosa was built by Neptun Werft in Rostock, Germany. Joachim Gauck is a leader of Germany, with its capital at Berlin." } ] }, { "tripleset": [ [ "Germany", "LEADER_NAME", "Andreas Vo\u00dfkuhle" ], [ "Germany", "CAPITAL", "Berlin" ], [ "Neptun Werft", "LOCATION_CITY", "Rostock" ], [ "Rostock", "COUNTRY", "Germany" ], [ "A-Rosa Luna", "BUILDER", "Neptun Werft" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Neptun Werft of Rostock, Germany made the A-Rosa Luna. Berlin is the capital of Germany and Andreas Vo\u00dfkuhle is a leader there." }, { "source": "webnlg", "text": "The A Rosa Luna was built on the Neptun Werft which is found in Rostock, Germany. Berlin is its capital and Andreas Vosskuhle is one leader there." }, { "source": "webnlg", "text": "The A Rosa Luna was built on the Neptun Werft which is headquartered in Rostock, Germany. Andreas Vosskuhle is a leader in Germany and Berlin is the capital. ." } ] }, { "tripleset": [ [ "United States", "DEMONYM", "Americans" ], [ "United States", "CAPITAL", "Washington, D.C." ], [ "United States", "LANGUAGE", "English language" ], [ "Atlas II", "COUNTRY_ORIGIN", "United States" ], [ "United States", "ETHNIC_GROUP", "Native Americans in the United States" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Atlas II is from the United States, whose capital is Washington, D.C. Inhabitants of the United States are called Americans, and english is a spoken language there. An ethnic group called Native Americans is also located in the United States." }, { "source": "webnlg", "text": "The United States, has a capital city of Washington D.C., it's inhabitants are known as Americans and an ethnic group that lives there are Native Americans. The language of the US is English and it is the creator of the Atlas II." }, { "source": "webnlg", "text": "The, English speaking, United States, with its capital in Washington D.C., is home to American, Native Americans and the Atlas II." } ] }, { "tripleset": [ [ "Abel Hern\u00e1ndez", "YOUTH_CLUB", "Pe\u00f1arol" ], [ "Central Espa\u00f1ol", "LEAGUE", "Uruguayan Segunda Divisi\u00f3n" ], [ "Abel Hern\u00e1ndez", "CLUB", "Central Espa\u00f1ol" ], [ "Pe\u00f1arol", "MANAGER", "Jorge Orosm\u00e1n da Silva" ], [ "Abel Hern\u00e1ndez", "CLUB", "U.S. Citt\u00e0 di Palermo" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Penarol, where Abel Hernandez played youth football, is managed by Jorge Orosm\u00e1n da Silva. Hernandez later played for Uruguayan Segunda Divisi\u00f3n side Central Espa\u00f1ol and then moved to U.S. Citt\u00e0 di Palermo." }, { "source": "webnlg", "text": "Abel Hernandez is a member of Penarol's youth club and the club is managed by Jorge Orosm\u00e1n da Silva. US Citta di Palermo and the Central Espanol are also Mr. Hernandez's clubs. The latter club is part of the Uruguayan Segunda Divisi\u00f3n league." }, { "source": "webnlg", "text": "In his youth, Abel Hern\u00e1ndez played for Pe\u00f1arol where Jorge Orosman da Silva is the manager. He currently plays for US Citta di Palermo and also in the Uruguayan Segunda Division league with Central Espanol." } ] }, { "tripleset": [ [ "Aleksandr Chumakov", "DEATH_PLACE", "Russia" ], [ "Russia", "LEADER_NAME", "Valentina Matviyenko" ], [ "Aleksandr Chumakov", "CLUB", "FC Torpedo Moscow" ], [ "Aleksandr Chumakov", "CLUB", "Soviet Union national football team" ], [ "FC Torpedo Moscow", "MANAGER", "Valery Petrakov" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Aleksandr Chumakov, who died in Russia, belonged to FC Torpedo Moscow and the Soviet Union national football team. FC Torpedo is managed by FC Torpedo, a Russian leader." }, { "source": "webnlg", "text": "Former Soviet Union international footballer Aleksandr Chumakov died in Russia, where the leader is Valentina Matviyenko. FC Torpedo Moscow, managed by Valery Petrakov, once signed Aleksandr Chumakov." }, { "source": "webnlg", "text": "Aleksandr Chumakov died in Russia where Valentina Matviyenko is a leader. He belongs to the Soviet Union national football team and has played for FC Torpedo Moscow under the manager Valery Petrakov." } ] }, { "tripleset": [ [ "Aleksandre Guruli", "CLUB", "FC Karpaty Lviv" ], [ "FC Karpaty Lviv", "MANAGER", "Oleh Luzhny" ], [ "Olympique Lyonnais", "CHAIRMAN", "Jean-Michel Aulas" ], [ "Aleksandre Guruli", "CLUB", "Olympique Lyonnais" ], [ "Olympique Lyonnais", "GROUND", "Parc Olympique Lyonnais" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Aleksandre Guruli's club is Olympique Lyonnais who are chaired by Jean-Michel Aulas and have their home ground at the Parc Olympique Lyonnais stadium. He also plays for FC Karpaty Lviv who are managed by Oleh Luzhny." }, { "source": "webnlg", "text": "Aleksandre Guruli played for the Olympique Lyonnais club who play their home games at the Parc Olympique Lyonnais and have the chairman, Jean-Michel Aulas. His current club is FC Karpaty Lviv managed by Oleh Luzhny." }, { "source": "webnlg", "text": "Aleksandre Guruli played for FC Karpaty Lviv who are managed by Oleh Luzhny. Guruli has also played for Olympique Lyonnais whose home ground is the Parc Olympique Lyonnais and whose chairman is Jean-Michel Aulas." } ] }, { "tripleset": [ [ "Alessio Romagnoli", "CLUB", "A.C. Milan" ], [ "A.C. Milan", "LEAGUE", "Serie A" ], [ "A.C. Milan", "MANAGER", "Sini\u0161a Mihajlovi\u0107" ], [ "Alessio Romagnoli", "POSITION", "Defender (football)" ], [ "Alessio Romagnoli", "CLUB", "U.C. Sampdoria" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The defender, Alessio Romagnoli is a member of the Serie A league club A.C. Milan who are managed by Sinisa Mihajlovic. He is also connected to UC Sampdoria." }, { "source": "webnlg", "text": "Defender Alessio Romagnoli, whose former clubs include UC Sampdoria, has played for the Serie A side AC Milan, which is managed by Sini\u0161a Mihajlovi\u0107." }, { "source": "webnlg", "text": "Alessio Romagnoli is a defender who plays for UC Sampdoria. He also plays in Serie A for AC Milan who are managed by Sinisa Mihajlovic." } ] }, { "tripleset": [ [ "Alessio Romagnoli", "CURRENT_CLUB", "A.C. Milan" ], [ "A.C. Milan", "MANAGER", "Sini\u0161a Mihajlovi\u0107" ], [ "A.C. Milan", "CHAIRMAN", "Silvio Berlusconi" ], [ "Alessio Romagnoli", "CLUB", "Italy national under-17 football team" ], [ "Alessio Romagnoli", "CLUB", "U.C. Sampdoria" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alessio Romagnoli belongs to A.C. Milan and plays for U.C. Sampdoria and Italy's national under-17 football tea,. A C Milan is managed by Sini\u0161a Mihajlovi\u0107 and includes chairman Silvio Berlusconi." }, { "source": "webnlg", "text": "Alessio Romagnoli is a member of the Italian national under 17 football team and has represented the club U.C. Sampdoria. He is presently with the AC Milan that is managed by Sini\u0161a Mihajlovi\u0107 and whose chairman is Silvio Berlusconi." } ] }, { "tripleset": [ [ "Central Espa\u00f1ol", "LEAGUE", "Uruguayan Segunda Divisi\u00f3n" ], [ "Abel Hern\u00e1ndez", "YOUTH_CLUB", "Central Espa\u00f1ol" ], [ "U.S. Citt\u00e0 di Palermo", "MANAGER", "Giuseppe Iachini" ], [ "Abel Hern\u00e1ndez", "CLUB", "Uruguay national football team" ], [ "Abel Hern\u00e1ndez", "CLUB", "U.S. Citt\u00e0 di Palermo" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Abel Hern\u00e1ndez played youth football for Central Espa\u00f1ol part of the Uruguayan Segunda Divisi\u00f3n league. Mr. Hernandez plays for the US Citta di Palermo and the Uruguay National football team. Giuseppe Iachini manages the U.S. Citt\u00e0 di Palermo team." }, { "source": "webnlg", "text": "Central Espa\u00f1ol, where Abel Hernandez played youth football, are part of the Uruguayan Segunda Divisi\u00f3n league. Hern\u00e1ndez has represented Uruguay at international level and also played for the club U.S. Citt\u00e0 di Palermo, where the manager is Giuseppe Iachini." }, { "source": "webnlg", "text": "Abel Hernandez played youth football for Central Espanol, part of the Uruguayan Segunda Divisi\u00f3n league. He plays for the US Citta di Palermo, managed by Giuseppe Iachini, and the Uruguay National football team." } ] }, { "tripleset": [ [ "FC Spartak Moscow", "CHAIRMAN", "Sergey Rodionov" ], [ "FC Spartak Moscow", "GROUND", "Otkrytiye Arena" ], [ "Aleksandr Prudnikov", "CLUB", "FC Spartak Moscow" ], [ "Aleksandr Prudnikov", "CLUB", "FC Amkar Perm" ], [ "FC Amkar Perm", "MANAGER", "Gadzhi Gadzhiyev" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Aleksandr Prudnikov's club is FC Spartak Moscow who have Sergey Rodionov as their chairman and play at the Otkrytiye arena. He also plays for FC Amkar Perm who are managed by Gadzhi Gadzhiyev." }, { "source": "webnlg", "text": "Aleksandr Prudnikov plays for FC Spartak Moscow who have their home ground at Otkrytiye Arena and are chaired by Sergey Rodionov. He also plays for FC Amkar Perm under the management of Gadzhi Gadzhiyev." }, { "source": "webnlg", "text": "Sergey Rodionov is the chairman of FC Spartak Moscow, who play at the Otkrytiye Arena and count Aleksandr Prudnikov as one of their former players. Prudnikov has also played for FC Amkar Perm, where the manager was Gadzhi Gadzhiyev." } ] }, { "tripleset": [ [ "FC Spartak Moscow", "CHAIRMAN", "Sergey Rodionov" ], [ "FC Terek Grozny", "GROUND", "Grozny" ], [ "Aleksandr Prudnikov", "CLUB", "FC Spartak Moscow" ], [ "Aleksandr Prudnikov", "CLUB", "FC Terek Grozny" ], [ "FC Terek Grozny", "MANAGER", "Rashid Rakhimov" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Aleksandr Prudnikov has played for the clubs FC Terek Grozny (based in Grozny), where the manager was Rashid Rakhimov and FC Spartak Moscow, whose chairman is Sergey Rodionov." }, { "source": "webnlg", "text": "Aleksandr Prydnikov belongs to FC Terek Grozny, which is managed by Rashid Rakhimov, and has its grounds at Grozny. Prudnikov plays for FC Spartak Moscow, which includes chairman Sergey Rodionov." }, { "source": "webnlg", "text": "Aleksandr Prudnikov belongs to FC Terek Grozny, which is managed by Rashid Rakhimov and has it grounds at Grozny. He played for FC Spartak Moscow, which includes Sergey Rodionov." } ] }, { "tripleset": [ [ "FC Terek Grozny", "GROUND", "Grozny" ], [ "Aleksandr Prudnikov", "YOUTH_CLUB", "FC Spartak Moscow" ], [ "Aleksandr Prudnikov", "CLUB", "FC Terek Grozny" ], [ "FC Terek Grozny", "MANAGER", "Rashid Rakhimov" ], [ "Aleksandr Prudnikov", "CLUB", "FC Dynamo Moscow" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Aleksandr Prudnikov played for FC Spartak Moscow's youth team and later for FC Dynamo Moscow. He has also been signed to Grozy based FC Terek Grozny, who are managed by Rashid Rakhimov." }, { "source": "webnlg", "text": "Aleksandr Prudnikov once played for FC Spartak Moscow's youth team but now plays for the FC Dynamo Moscow and the FC Terek Grozny out of Grozny. The FC Terek Grozny sees a manager in Rashid Rakhimov." }, { "source": "webnlg", "text": "Aleksandr Prudnikov's club is FC Dynamo Moscow although he previously played for FC Spartak Moscow's youth team. He is currently in the Grozny based FC Terek Grozny club under their manager, Rashid Rakhimov." } ] }, { "tripleset": [ [ "FC Torpedo Moscow", "SEASON", "2014\u201315 Russian Premier League" ], [ "Aleksandr Chumakov", "BIRTH_PLACE", "Soviet Union" ], [ "Aleksandr Chumakov", "CLUB", "FC Torpedo Moscow" ], [ "Aleksandr Chumakov", "CLUB", "Soviet Union national football team" ], [ "FC Torpedo Moscow", "MANAGER", "Valery Petrakov" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Aleksandr Chumakov, born in the soviet Union, belongs to the Soviet Union national football team and plays for FC Torpedo Moscow, which plays in the Russian Premier League's 2014-15 season and is managed by Valery Petrakov." }, { "source": "webnlg", "text": "Aleksandr Chumakov was born in the Soviet Union and was a member of the Soviet Union national football team. He has also played for FC Torpedo Moscow who are managed by Valery Petrakov and participated in the 2014-15 Russian Premier League." }, { "source": "webnlg", "text": "Born in the Soviet Union and representing his country at international football, Aleksandr Chumakov played for FC Torpedo Moscow, who competed in the 2014-15 Russian Premier League and whose manager is Valery Petrakov." } ] }, { "tripleset": [ [ "Ferencv\u00e1rosi TC", "MANAGER", "Thomas Doll" ], [ "United Petrotrin F.C.", "GROUND", "Palo Seco" ], [ "Akeem Adams", "CLUB", "Ferencv\u00e1rosi TC" ], [ "Ferencv\u00e1rosi TC", "CHAIRMAN", "G\u00e1bor Kubatov" ], [ "Akeem Adams", "CLUB", "United Petrotrin F.C." ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Akeem Adams' former clubs include United Petrotrin FC, who play at Palo Seco, and Ferencvarosi TC, where Thomas Doll is the manager and Gabor Kubatov is the chairman." }, { "source": "webnlg", "text": "Akeem Adams is a member of the United Petrotrin F.C. club and also Ferencvarosi TC. The latter club, whose ground is Palo Seco, is chaired by Gabor Kubatov and managed by Thomas Doll." }, { "source": "webnlg", "text": "Akeem Adams is a member of the United Petrotrin F.C. club who have their ground at Palo Seco. He plays for Ferencvarosi TC which is managed by Thomas Doll and chaired by Gabor Kubatov." } ] }, { "tripleset": [ [ "Ferencv\u00e1rosi TC", "MANAGER", "Thomas Doll" ], [ "United Petrotrin F.C.", "GROUND", "Palo Seco Velodrome" ], [ "Akeem Adams", "CLUB", "Ferencv\u00e1rosi TC" ], [ "Ferencv\u00e1rosi TC", "CHAIRMAN", "G\u00e1bor Kubatov" ], [ "Akeem Adams", "CLUB", "United Petrotrin F.C." ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Akeem Adams' club is Ferencvarosi TC who are managed by Thomas Doll and chaired by Gabor Kubatov. He has previously played for United Petrotrin FC who are based at the Palo Seco Velodrome." }, { "source": "webnlg", "text": "Akeem Adams belongs to Ferencv\u00e1rosi TC, which is managed by Thomas Doll and includes chairman G\u00e1bor Kubatov. He has played for United Petrotrin F.C., who play in Palo Seco Velodrome." }, { "source": "webnlg", "text": "Akeem Adams was part of the team Ferencvarosi TC, which is managed by Thomas Doll and where the chairman is Gabor Kubatov. Adams' former clubs also include United Petrotrin FC, whose home ground is the Palo Seco Velodrome." } ] }, { "tripleset": [ [ "(19255) 1994 VK8", "EPOCH", "2006-12-31" ], [ "(19255) 1994 VK8", "MASS", "5.6 (kilograms)" ], [ "(19255) 1994 VK8", "ORBITAL_PERIOD", "8788850000.0" ], [ "(19255) 1994 VK8", "PERIAPSIS", "6155910000000.0" ], [ "(19255) 1994 VK8", "APOAPSIS", "6603633000.0 (kilometres)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "19255 1994 VK8 has a mass of 5.6kg,an orbital period of 8788850000.0 and its epoch date was on 31 December 2006.It has a periapsis of 6155910000000.0 and its apoapsis is 6603633000.0 kilometres." }, { "source": "webnlg", "text": "The epoch of 19255 1994 VK8, which has a mass of 5.6 kilograms is December 31st, 2006. Its orbital period is 8,788,850,000 kilometres, with a periapsis of 6,155,910,000,000 kilometres and an apoapsis of 6,603,633,000 kilometres." }, { "source": "webnlg", "text": "19255 1994 VK8 has a mass of 5.6kg,an orbital period of 8788850000.0 and its epoch date was on 31 December 2006.It has a periapsis of 6155910000000.0 and its apoapsis is 6603633000.0 km." } ] }, { "tripleset": [ [ "101 Helena", "DISCOVERER", "James Craig Watson" ], [ "James Craig Watson", "ALMA_MATER", "University of Michigan" ], [ "101 Helena", "DISCOVERED", "1868-08-15" ], [ "James Craig Watson", "NATIONALITY", "Canada" ], [ "James Craig Watson", "DEATH_PLACE", "Madison, Wisconsin" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "James Craig Watson, who discovered 101 Helena on 15th August 1868, is a Canadian national who attended the University of Michigan. He died in Madison, Wisconsin." }, { "source": "webnlg", "text": "101 Helena was discovered by the Canadian James Craig Watson on August 15th 1868. Mr Watson, who studied at the University of Michigan, died in Madison, Wisconsin." }, { "source": "webnlg", "text": "Canadian James Craig Watson discovered 101 Helena on August 15th, 1868. He attended the University of Michigan and died in Madison, Wisconsin." } ] }, { "tripleset": [ [ "101 Helena", "DISCOVERER", "James Craig Watson" ], [ "James Craig Watson", "ALMA_MATER", "University of Michigan" ], [ "James Craig Watson", "STATE_OF_ORIGIN", "Canada" ], [ "James Craig Watson", "DEATH_PLACE", "Madison, Wisconsin" ], [ "James Craig Watson", "DEATH_CAUSE", "Peritonitis" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "James Craig Watson, who discovered 101 Helena, originated from Canada and studied at the University of Michigan. He died in Madison, Wisconsin from peritonitis." }, { "source": "webnlg", "text": "101 Helena was discovered by James Craig Watson who originated from Canada and graduated from the University of Michigan. He later died of peritonitis in Madison, Wisconsin." }, { "source": "webnlg", "text": "James Criag Watson originates from Canada and died from peritonitis in Madison,Wisconsin.His alma mater was the University of Michigan and he discovered 101 Helena." } ] }, { "tripleset": [ [ "1036 Ganymed", "DISCOVERER", "Walter Baade" ], [ "Walter Baade", "DEATH_PLACE", "G\u00f6ttingen" ], [ "Walter Baade", "BIRTH_PLACE", "German Empire" ], [ "Walter Baade", "ALMA_MATER", "University of G\u00f6ttingen" ], [ "Walter Baade", "DOCTORAL_STUDENT", "Allan Sandage" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "German Walter Baade discovered 1036 Ganymed. Baade died in Gottingen, was a graduate of the University of Gottingen and Allan Sandage was among his doctoral students." }, { "source": "webnlg", "text": "Walter Baade, who had a doctoral student named Allan Sandage, was born in the German Empire and graduated from the University of Gottingen. He discovered 1036 Ganymed and later died in Gottingen." }, { "source": "webnlg", "text": "Allan Sandage was a doctoral student of Walter Baade, the discoverer of 1036 Ganymed. Baade was born in the German empire and studied at the University of Gottingen, the city where he died." } ] }, { "tripleset": [ [ "1036 Ganymed", "DISCOVERER", "Walter Baade" ], [ "Walter Baade", "DOCTORAL_STUDENT", "Halton Arp" ], [ "Walter Baade", "DOCTORAL_STUDENT", "Allan Sandage" ], [ "Walter Baade", "BIRTH_PLACE", "German Empire" ], [ "Walter Baade", "ALMA_MATER", "University of G\u00f6ttingen" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Halton Arp and Allan Sandage were doctoral students of Walter Baade, the discoverer of 1036 Ganymed. Baade was born in the German Empire and graduated from the University of Gottingen." }, { "source": "webnlg", "text": "Walter Baade, born in the German Empire and graduate of the University of Gottingen, discovered 1036 Ganymed. Halton Arp and Allan Sandage were doctoral students of Walter Baade." }, { "source": "webnlg", "text": "Allan Sandage and Halton Arp were doctoral students of Walter Baade, the discoverer of 1036 Ganymed. Baade was born in the German Empire and his alma mater was the University of Gottingen." } ] }, { "tripleset": [ [ "1036 Ganymed", "DISCOVERER", "Walter Baade" ], [ "Walter Baade", "NATIONALITY", "Germany" ], [ "Walter Baade", "BIRTH_PLACE", "German Empire" ], [ "Walter Baade", "ALMA_MATER", "University of G\u00f6ttingen" ], [ "Walter Baade", "DOCTORAL_STUDENT", "Allan Sandage" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Walter Baade, who had a doctoral student named Allan Sandage, was the discoverer of 1036 Ganymed. He was a German national born in the German Empire and graduated from the University of Gottingen." } ] }, { "tripleset": [ [ "103 Hera", "DISCOVERER", "James Craig Watson" ], [ "James Craig Watson", "ALMA_MATER", "University of Michigan" ], [ "103 Hera", "DISCOVERED", "1868-09-07" ], [ "James Craig Watson", "NATIONALITY", "Canada" ], [ "James Craig Watson", "DEATH_PLACE", "Madison, Wisconsin" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Canadian James Craig Watson discovered 103 Hera on September 7th, 1868. His alma mater was the University of Michigan and Watson died in Madison, Wisconsin." }, { "source": "webnlg", "text": "James Craig Watson, a Canadian who attended the University of Michigan, discovered 103 Hera on Sept. 7, 1868. He died in Madison, Wisconsin." } ] }, { "tripleset": [ [ "103 Hera", "DISCOVERER", "James Craig Watson" ], [ "James Craig Watson", "ALMA_MATER", "University of Michigan" ], [ "103 Hera", "PERIAPSIS", "371240000.0 (kilometres)" ], [ "James Craig Watson", "NATIONALITY", "Canada" ], [ "James Craig Watson", "DEATH_PLACE", "Madison, Wisconsin" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "James Craig Watson, a Canadian who went to the University of Michigan, found 103 Hera. 103 Hera has a periapsis measurement of 371240000.0 (kilometres). Mr. Watson died in Madison, Wisconsin." }, { "source": "webnlg", "text": "103 Hera was discovered by James Craig Watson, a Canadian who studied at the University of Michigan and died in Madison, Wisconsin. Its periapsis is 371240000.0km." }, { "source": "webnlg", "text": "Canadian James Craig Watson discovered 103 Hera which has a periapsis of 371,240,000 kilometres. He studied at the University of Michigan and died in Madison, Wisconsin." } ] }, { "tripleset": [ [ "107 Camilla", "DISCOVERER", "B. Zellner" ], [ "107 Camilla", "ORBITAL_PERIOD", "2368.05 (days)" ], [ "107 Camilla", "PERIAPSIS", "479343000.0 (kilometres)" ], [ "107 Camilla", "EPOCH", "2006-12-31" ], [ "107 Camilla", "APOAPSIS", "560937000.0 (kilometres)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "107 Camilla has an orbital period of 2368.05 days,its epoch date was on December 31st 2006 and was discovered byy B. Zellner.The periapsis of 107 Camilla is 479343000.0 (kilometres) and its apoapsis is 560937000.0 km." }, { "source": "webnlg", "text": "B. Zellner was the discoverer of 107 Camilla that has an orbital period of 2368.05 days. It's epoch is Dec. 31, 2006. The celestial body has a periapsis of 479343000.0 kilometres and an apoapsis of 560937000.0 km." }, { "source": "webnlg", "text": "107 Camilla has the epoch date of 31 December 2006 and was discovered by B Zellner. With an orbital period of 2368.05 days, it has an apoapsis of 560937000.0 kms and a periapsis of 479343000.0 kms." } ] }, { "tripleset": [ [ "107 Camilla", "DISCOVERER", "C. Woods" ], [ "107 Camilla", "ORBITAL_PERIOD", "2368.05 (days)" ], [ "107 Camilla", "PERIAPSIS", "479343000.0 (kilometres)" ], [ "107 Camilla", "EPOCH", "2006-12-31" ], [ "107 Camilla", "APOAPSIS", "560937000.0 (kilometres)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "107 Camilla, which has the epoch 31 December 2006 and an orbital period of 2368.05 days, was discovered by C Woods. The periapsis measurement is 479343000.0 kms and the apoapsis 560937000.0 km." }, { "source": "webnlg", "text": "107 Camilla, epoch date 31 December 2006, was discovered by C Woods and has an orbital period of 2368.05 days. The apoapsis and periapsis measurements are 560937000.0 km and 479343000.0 km respectively." }, { "source": "webnlg", "text": "31 December 2006 is the epoch date of 107 Camilla which was discovered by C Woods and has an orbital period of 2368.05 days. 107 Camilla has an apoapsis of 560937000.0 kms and a periapsis of 479343000.0 kms." } ] }, { "tripleset": [ [ "107 Camilla", "DISCOVERER", "F. Vilas" ], [ "107 Camilla", "EPOCH", "2006-12-31" ], [ "107 Camilla", "ORBITAL_PERIOD", "2368.05 (days)" ], [ "107 Camilla", "PERIAPSIS", "479343000.0 (kilometres)" ], [ "107 Camilla", "APOAPSIS", "560937000.0 (kilometres)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "107 Camilla, which has the epoch date 31 December 2006, was discovered by F Vilas and has an orbital period of 2368.05 days. The apoapsis and periapsis measurements are 560937000.0 kilometres and 479343000.0 kilometres respectively." }, { "source": "webnlg", "text": "107 Camilla, which has an epoch date of December 31st 2006, was discovered by F. Vilas. Its orbital period is 2,368.05 days, its periapsis is 479,343,000 kilometres and has an apoapsis of 560,937,000 kilometres." }, { "source": "webnlg", "text": "107 Camilla, which was discovered by F Vilas and has the epoch date of 31 December 2006, has an orbital period of 2368.05 days. It has a periapsis iof 479343000.0 kms and an apoapsis of 560937000.0 kms." } ] }, { "tripleset": [ [ "107 Camilla", "DISCOVERER", "N. R. Pogson" ], [ "N. R. Pogson", "DEATH_PLACE", "Chennai" ], [ "107 Camilla", "ABSOLUTE_MAGNITUDE", "7.08" ], [ "N. R. Pogson", "BIRTH_PLACE", "Nottingham" ], [ "N. R. Pogson", "NATIONALITY", "England" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "N. R. Pogson was an Englishman,born in Nottingham and died in Chennai.He discovered 107 Camilla which has an absolute magnitude of 7.08." }, { "source": "webnlg", "text": "N. R. Pogson was born in Nottingham in the U.K. and died in Chennai. He discovered 107 Camilla which has an absolute magnitude of 7.08." }, { "source": "webnlg", "text": "The British,N.R. Pogson was born in Nottingham and died in Chennai.He discovered 107 Camilla which has an absolute magnitude of 7.08." } ] }, { "tripleset": [ [ "1089 Tama", "EPOCH", "2005-11-26" ], [ "1089 Tama", "ESCAPE_VELOCITY", "0.0068 (kilometrePerSeconds)" ], [ "1089 Tama", "FORMER_NAME", "\"A919 HA; 1927 WB;\"" ], [ "1089 Tama", "ORBITAL_PERIOD", "1202.846 (days)" ], [ "1089 Tama", "APOAPSIS", "373513000.0 (kilometres)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The epoch of 1089 Tama(whose former name was ( A919 HA; 1927 WB) is 2005-11-26. The escape velocity of 1089 Tama is 0.0068 km/sec, has an orbital period of 1202.846 days and an apoapsis of 373513000.0 (kilometres)." }, { "source": "webnlg", "text": "1089 Tama was formerly known as A919 HA; 1927 WB, has an epoch of November 26th, 2005 and an orbit of 1,202.846 days. Its escape velocity is .0068 kilometres a second and it has an apoapsis of 373,513,000 kilometres." }, { "source": "webnlg", "text": "1089 Tama was formerly known as A919 HA; 1927 WB and has the epoch date of 2005/11/26. It has an escape velocity of 0.0068 km per sec, an apoapsis of 373513000.0 kms and an orbital period lasting 1202.846 days." } ] }, { "tripleset": [ [ "1101 Clematis", "EPOCH", "2006-12-31" ], [ "1101 Clematis", "ESCAPE_VELOCITY", "0.02 (kilometrePerSeconds)" ], [ "1101 Clematis", "MASS", "5.7 (kilograms)" ], [ "1101 Clematis", "ORBITAL_PERIOD", "183309000.0" ], [ "1101 Clematis", "APOAPSIS", "520906000.0 (kilometres)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "1101 Clematis has a mass of 5.7 kilograms,an orbital period of 183309000.0 and its epoch date was on 31st July 2016.It has an escape velocity of 0.02 km/sec and its apoapsis is 520906000.0 kilometres." }, { "source": "webnlg", "text": "The epoch of 1101 Clematis is on the 31st of July 2016 and it has a mass of 5.7 kilos. The orbital period for 1101 Clematis is 183309000.0, has an apoapsis of 520906000.0 kilometres, and an escape velocity of 0.02 kilometres per second." }, { "source": "webnlg", "text": "1101 Clematis has a mass of 5.7 kgs,an orbital period of 183309000.0 and its epoch date was on 31st July 2016.Its apoapsis is 520906000.0 Kilometers and it has an escape velocity of 0.02 k.p.s." } ] }, { "tripleset": [ [ "11264 Claudiomaccone", "EPOCH", "2005-11-26" ], [ "11264 Claudiomaccone", "ORBITAL_PERIOD", "1513.722 (days)" ], [ "11264 Claudiomaccone", "PERIAPSIS", "296521000.0 (kilometres)" ], [ "11264 Claudiomaccone", "APOAPSIS", "475426000.0 (kilometres)" ], [ "11264 Claudiomaccone", "TEMPERATURE", "173.0 (kelvins)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "11264 Claudiomaccone has an epoch date of November 26th 2005, an orbital period of 1513.722 days. a periapsis of 296521000.0 km, an apoapsis of 475426000.0 km, and a temperature of 173.0 kelvins." }, { "source": "webnlg", "text": "11264 Claudiomaccone has the epoch date of 26 November 2005,its temperature is 173.0 kelvins and has an orbital period of 1513.722 days.It has a periapsis of 296521000.0 kilometres and its apoapsis is 475426000 kms." }, { "source": "webnlg", "text": "11264 Claudiomaccone has an epoch date of November 26th 2005, an orbital period of 1513.722 days, a periapsis at 296521000.0 km, an apoapsis of 475426000.0 km, and a temperature of 173.0 kelvins." } ] }, { "tripleset": [ [ "Abdul Taib Mahmud", "PARTY", "Parti Pesaka Bumiputera Bersatu" ], [ "Abdul Taib Mahmud", "REGION", "Asajaya" ], [ "Abdul Taib Mahmud", "RESIDENCE", "Kuching" ], [ "Abdul Taib Mahmud", "BIRTH_PLACE", "Miri, Malaysia" ], [ "Abdul Taib Mahmud", "DATE_OF_BIRTH", "1936-05-21" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Abdul Taib Mahmud was born on 21 May 1936 in Miri, Malaysia, and lives in Kuching. His party was the Parti Pesaka Bumiputera Bersatu and he represented the Asajaya region." }, { "source": "webnlg", "text": "Abdul Taib Mahmud was born in Miri, Malaysia, on May 21st 1936 and lives in Kuching. He represented Asajaya and was a member of the Parti Pesaka Bumiputera Bersatu." }, { "source": "webnlg", "text": "Born on 1936-05-21, in Miri, Malaysia, Abdul Taib Mahmud, lives in Kuching. His party is Parti Pesaka Bumiputera Bersatu and he represented the Asajaya region." } ] }, { "tripleset": [ [ "Abdul Taib Mahmud", "SUCCESSOR", "Adenan Satem" ], [ "Abdul Taib Mahmud", "PARTY", "Parti Pesaka Bumiputera Bersatu" ], [ "Abdul Taib Mahmud", "BIRTH_PLACE", "Kingdom of Sarawak" ], [ "Abdul Taib Mahmud", "RESIDENCE", "\"Demak Jaya, Jalan Bako, Kuching, Sarawak\"" ], [ "Adenan Satem", "ALMA_MATER", "University of Adelaide" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The birth place of Abdul Taid Mahmud was the Kingdom of Sarawak and his residence was Demak Jaya, Jalan Bako, Kuching, Sarawak. He was a member of the Parti Pesaka Bumiputera Bersatu and was succeeded by Adenan Satem who had attended the University of Adelaide." }, { "source": "webnlg", "text": "Abdul Taib Mahmud was born in the Kingdom of Sarawak and lives in Demak Jaya, Jalan Bako, Kuching, Sarawak. He is a member of the Parti Pesaka Bumiputera Bersatu and was succeeded by the University of Adelaide educated Adenan Satem." }, { "source": "webnlg", "text": "Abdul Taib Mahmud was born in the Kingdom of Sarawak, lives in Demak Jaya, Jalan Bako, Kuching, Sarawak and is a member of the Parti Pesaka Bumiputera Bersatu. He was succeeded by Adenan Satem, who studied at the University of Adelaide." } ] }, { "tripleset": [ [ "Abdulsalami Abubakar", "IN_OFFICE_WHILE_VICE_PRESIDENT", "Mike Akhigbe" ], [ "Abdulsalami Abubakar", "ACTIVE_YEARS_END_DATE", "1999-05-29" ], [ "Mike Akhigbe", "PREDECESSOR", "Oladipo Diya" ], [ "Mike Akhigbe", "MILITARY_BRANCH", "Nigerian Navy" ], [ "Mike Akhigbe", "SUCCESSOR", "Atiku Abubakar" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Abdulsalami Abubakar who ended his career on May 29th, 1999, served in office while Mike Akhigbe was Vice President. Akhigbe served in the Nigerian Navy and succeeded Oladipo Diya as V.P. before Atiku Abubakar took over from Akhigbe." }, { "source": "webnlg", "text": "Abdulsalami Abubakar ended his career on 1999-05-29, having been in office while Mike Akhigbe was the Vice President. Oladipo Diya was predecessor to Mike Akhigbe, who belonged to the Nigerian Navy branch of the Military and his successor was Atiku Abubakar." }, { "source": "webnlg", "text": "Abdulsalami Abubakar served office during Mike Akhigbe's Vice Presidenacy and began his career 05/29/1999. Nigerian Navy veteran Mike Akhigbe preceded Oladipo Diya and succeeded Atiku Abubakar." } ] }, { "tripleset": [ [ "Abdulsalami Abubakar", "SUCCESSOR", "Olusegun Obasanjo" ], [ "Abdulsalami Abubakar", "IN_OFFICE_WHILE_VICE_PRESIDENT", "Mike Akhigbe" ], [ "Abdulsalami Abubakar", "ACTIVE_YEARS_END_DATE", "1999-05-29" ], [ "Abdulsalami Abubakar", "MILITARY_BRANCH", "Nigerian Army" ], [ "Mike Akhigbe", "PREDECESSOR", "Oladipo Diya" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Abdulsalami Abubakar served in the Nigerian Army and was in office whilst Mike Akhigbe (the successor to Oladipo Diya) was Vice President. His career ended on 29 May 1999 and he was succeeded by Olusegun Obasanjo." }, { "source": "webnlg", "text": "Abdulsalami Abubakar, who served in the Nigerian Army, ended his career on May 29th, 1999 and served in office while Mike Akhigbe was the Vice President. Akhigbe succeeded Oladipo Diya while Olusegun Obasanjo took over from Abubaka when he left office." }, { "source": "webnlg", "text": "Olusegun Obasanjo succeeded Abdulsalami Abubakar, who served in the Nigerian Army and ended his career on 1999-05-2. Abdulsalami Abubakar was in office while Mike Akhigbe, who succeeded Oladipo Diya, was Vice President." } ] }, { "tripleset": [ [ "Abraham A. Ribicoff", "DEATH_PLACE", "United States" ], [ "Abraham A. Ribicoff", "PARTY", "Democratic Party (United States)" ], [ "Abraham A. Ribicoff", "BIRTH_PLACE", "Connecticut" ], [ "Abraham A. Ribicoff", "NATIONALITY", "United States" ], [ "Abraham A. Ribicoff", "OFFICE_(WORKED_AT,_WORKED_AS)", "\"Governor of Connecticut\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Abraham A. Ribicoff was born in Connecticut, United States,where he became governor. He was a member of the Democratic party in the United States. He died in the United States." }, { "source": "webnlg", "text": "Abraham A Ribicoff was an American National born in Connecticut. He was a member of the United States Democratic Party and held the office of Governor of Connecticut before he died in the US." }, { "source": "webnlg", "text": "American Abraham A. Ribicoff born in Connecticut was a member of United States Democratic Party and worked as a governor of Connecticut. He passed away in United Staes." } ] }, { "tripleset": [ [ "Abraham A. Ribicoff", "OFFICE_(WORKED_AT,_WORKED_AS)", "\"United States Secretary of Health, Education, and Welfare\"" ], [ "Abraham A. Ribicoff", "PARTY", "Democratic Party (United States)" ], [ "Abraham A. Ribicoff", "DEATH_PLACE", "New York City" ], [ "Abraham A. Ribicoff", "BIRTH_PLACE", "Connecticut" ], [ "Abraham A. Ribicoff", "NATIONALITY", "United States" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Abraham A Ribicoff was a US national born in Connecticut and dying in New York City. He was a member of the Democratic Party in the U.S.A. and worked as the United States Secretary of Health, Education, and Welfare." }, { "source": "webnlg", "text": "Abraham A. Ribicoff who was born in Connecticut, United States, worked as the United States Secretary of Health, Education, and Welfare and he was a member of the Democratic Party in the United States. He died in New York City." }, { "source": "webnlg", "text": "Democrat Abraham A. Ribicoff was born in Connecticut and died in New York City. He worked as the United States Secretary of Health, Education and Welfare." } ] }, { "tripleset": [ [ "Abraham A. Ribicoff", "SPOUSE", "Casey Ribicoff" ], [ "United States", "ETHNIC_GROUP", "Native Americans in the United States" ], [ "Abraham A. Ribicoff", "BIRTH_PLACE", "Connecticut" ], [ "Abraham A. Ribicoff", "NATIONALITY", "United States" ], [ "Abraham A. Ribicoff", "DEATH_PLACE", "New York" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Native Americans are an ethnic group in the U.S., the country Abraham A. Ribicoff was a national of. Abraham A. Ribicoff; was born in Connecticut, married to Casey Ribicoff, and died in New York." }, { "source": "webnlg", "text": "Abraham A. Ribicoff was born in Connecticut. He was married to Casey Ribicoff. He was also a national to the United States and he died in New York. The Native Americans are an ethnic group in the U.S." }, { "source": "webnlg", "text": "Native Americans are an ethnic group in the U.S. one of the citizens of that country was, Abraham A Ribicoff. He born in Connecticut. married to Casey Ribicoff and died in New York." } ] }, { "tripleset": [ [ "Adam Holloway", "BIRTH_PLACE", "Kent" ], [ "Adam Holloway", "OFFICE_(WORKED_AT,_WORKED_AS)", "Member of Parliament for Gravesham" ], [ "Adam Holloway", "ACTIVE_YEARS_START_DATE", "2005-05-05" ], [ "Adam Holloway", "MILITARY_BRANCH", "Grenadier Guards" ], [ "Adam Holloway", "ALMA_MATER", "Magdalene College, Cambridge" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Adam Holloway was born in Kent and attended Magdalene College in Cambridge. He began his career on 5 May 2005 and served in the Grenadier Guards and became a member of parliament for Gravesham." }, { "source": "webnlg", "text": "Gravesham Parliament member and Magdalene College Cambridge alum Adam Holloway, was born in Kent. A Grenadier Guard, he began his career 05/05/2005." }, { "source": "webnlg", "text": "Adam Holloway was born in Kent, and began his career on the 5th May 2005. He served in the Grenadier guards and was a MP for Gravesham. His alma mater is Magdalene College, Cambridge." } ] }, { "tripleset": [ [ "Adam Holloway", "PARTY", "Conservative Party (UK)" ], [ "Adam Holloway", "BIRTH_PLACE", "\"Faversham, Kent, England\"" ], [ "Adam Holloway", "ACTIVE_YEARS_START_DATE", "2005-05-05" ], [ "Adam Holloway", "MILITARY_BRANCH", "Grenadier Guards" ], [ "Adam Holloway", "ALMA_MATER", "Magdalene College, Cambridge" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Adam Holloway, who was born in Faversham, Kent, England, is a member of the Conservative Party in the UK. He studied at Magdalene College Cambridge before joining the Grenadier Guards and later starting his political career on 5th May 2005." }, { "source": "webnlg", "text": "Englishman Adam Holloway, born in Faversham, Kent and having attended Magdalene College in Cambridge, then joined the Grenadier Guards. He is a member of the UK Conservative Party and began his political career on 5th May 2005." }, { "source": "webnlg", "text": "Adam Holloway was born in Faversham, Kent, England and he went to Magdalene College, Cambridge and joined the Grenadier Guards in the military before joining the Tories." } ] }, { "tripleset": [ [ "Adonis Georgiadis", "IN_OFFICE_WHILE_PRIME_MINISTER", "Antonis Samaras" ], [ "Antonis Samaras", "IN_OFFICE_WHILE_PRIME_MINISTER", "Konstantinos Mitsotakis" ], [ "Adonis Georgiadis", "BIRTH_PLACE", "Greece" ], [ "Adonis Georgiadis", "BIRTH_PLACE", "Athens" ], [ "Adonis Georgiadis", "SUCCESSOR", "Makis Voridis" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Adonis Georgiadis (who was succeeded by Makis Voridis), was born in Athens, Greece and was in office under Antonis Samaras, Prime Minister. Antonis Samaras was in office while Konstantinos Mitsotakis was Prime Minister." }, { "source": "webnlg", "text": "Adonis Georgiadis, was born in Athens, Greece and was succeeded by Makis Voridis. Adonis Georgiadis, was in office while Antonis Samaras was Prime Minister. Antonis Samaras was in office while Konstantinos Mitsotakis was Prime Minister." }, { "source": "webnlg", "text": "Makis Voridis was the successor of Adonis Georgiadis, who was birth in Athens (Greece). Adonis Georgiadis served in office while the Prime Minister was Antonis Samaras, who himelf, had served in office while Konstantinos Mitsotakis was Prime Minister." } ] }, { "tripleset": [ [ "Agnes Kant", "NATIONALITY", "Netherlands" ], [ "Netherlands", "LEADER_NAME", "Mark Rutte" ], [ "Agnes Kant", "OFFICE_(WORKED_AT,_WORKED_AS)", "House of Representatives (Netherlands)" ], [ "Emile Roemer", "PARTY", "Socialist Party (Netherlands)" ], [ "Socialist Party (Netherlands)", "LEADER_NAME", "Emile Roemer" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Emile Roemer is a member and leader of the Socialist Party in the Netherlands. The country is led by Mark Rutte and Agnes Kant, a national of the country, worked at the House of Representatives." }, { "source": "webnlg", "text": "Agnes Kant is a national of the Netherlands, where the leader is, Mark Rutte.Agnes Kant worked at the House of Representatives in the Netherlands. Emile Roemer is leader and member of the Socialist Party in the Netherlands." }, { "source": "webnlg", "text": "Agnes Kant, who worked at the House of Representatives, is a national of the Netherlands which is led by Mark Rutte. The Socialist Party in the country is led by the member Emile Roemer." } ] }, { "tripleset": [ [ "Agnes Kant", "NATIONALITY", "Netherlands" ], [ "Netherlands", "LEADER_NAME", "Mark Rutte" ], [ "Agnes Kant", "OFFICE_(WORKED_AT,_WORKED_AS)", "House of Representatives (Netherlands)" ], [ "House of Representatives (Netherlands)", "LEADER_NAME", "Khadija Arib" ], [ "Agnes Kant", "RESIDENCE", "Doesburg" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Agnes Kant was born in the Netherlands and lives in Doesburg. She worked at the house of representatives in the Netherlands, where Mark Rutte is the leader. Khadija Arib is the leader of the House of Representatives." }, { "source": "webnlg", "text": "Agnes Kant is a national of the Netherlands which is led by Mark Rutte. She was a resident of Doesburg and worked at the House of Representatives which is led by Khadija Arib." }, { "source": "webnlg", "text": "Agnes Kant was a national of the Netherlands (led by Mark Rutte) who resided in Doesburg. She worked at the House of Representatives which is led by Khadija Arib." } ] }, { "tripleset": [ [ "Agnes Kant", "NATIONALITY", "Netherlands" ], [ "Netherlands", "LEADER_NAME", "Mark Rutte" ], [ "Agnes Kant", "RESIDENCE", "Doesburg" ], [ "Emile Roemer", "PARTY", "Socialist Party (Netherlands)" ], [ "Socialist Party (Netherlands)", "LEADER_NAME", "Emile Roemer" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Agnes Kant, whose nationality is Netherlands, resided in Doesburg. The leader of the Netherlands is Mark Rutte, and the leader of the Socialist Party in the Netherlands is Emile Roemer." }, { "source": "webnlg", "text": "Agnes Kant of Netherlands lives in Doesburg. Mark Rutte is leader of the country and one of its political parties is the Socialist Party which is led by Emile Roemer." }, { "source": "webnlg", "text": "Agnes Kant lives in Doesburg and is a national of the Netherlands, which is led by Mark Rutte. Emile Roemer is member and leader of the Socialist Party, in the Netherlands." } ] }, { "tripleset": [ [ "Albert B. White", "DATE_OF_BIRTH", "1856" ], [ "Albert B. White", "DEATH_YEAR", "1941" ], [ "Albert B. White", "DATE_OF_BIRTH", "1856-09-22" ], [ "Albert B. White", "DEATH_PLACE", "Parkersburg, West Virginia" ], [ "Albert B. White", "DATE_OF_DEATH", "1941-07-03" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Albert B White was born on 22 September 1856 and died on 3 July 1941 in Parkersburg, West Virginia." }, { "source": "webnlg", "text": "Born on the 22nd of September, 1856, Albert B White died at Parkersburg, West Virginia on 1941-07-03." } ] }, { "tripleset": [ [ "Albert B. White", "SPOUSE", "Agnes Ward White" ], [ "Albert B. White", "BIRTH_PLACE", "Cleveland" ], [ "Albert B. White", "DEATH_PLACE", "Parkersburg, West Virginia" ], [ "Albert B. White", "SUCCESSOR", "William M. O. Dawson" ], [ "William M. O. Dawson", "BIRTH_PLACE", "Bloomington, Maryland" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Albert B. White was born in Cleveland, was married to Agnes Ward White and died in Parkersburg, West Virginia. White was succeeded in office by William M.O. Dawson who was born in Bloomington, Maryland." }, { "source": "webnlg", "text": "Cleveland born Albert B White, whose wife was Agnes Ward White, died in Parkersburg, West Virginia. He was succeeded by William M O Dawson, who was born in Bloomington, Maryland." } ] }, { "tripleset": [ [ "Albert B. White", "SPOUSE", "Agnes Ward White" ], [ "Albert B. White", "SUCCESSOR", "William M. O. Dawson" ], [ "Albert B. White", "OFFICE_(WORKED_AT,_WORKED_AS)", "\"Governor of West Virginia\"" ], [ "Albert B. White", "BIRTH_PLACE", "Cleveland" ], [ "Albert B. White", "ACTIVE_YEARS_END_DATE", "1905-03-04" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Cleveland born Albert B White, who was married to Agnes Ward White, served as the Governor of West Virginia and finished his career on March 4th 1905. He was succeeded by William M O Dawson." }, { "source": "webnlg", "text": "Albert B White was born in Cleveland and was married to Agnes Ward White. He worked as the Governor of West Virginia and finished his career on 4 March 1905 being succeeded by William M O Dawson." }, { "source": "webnlg", "text": "Cleveland born Albert B White, married to Agnes Ward White, was the Governor of West Virginia, ending his career on March 4th 1905. He was succeeded by William M O Dawson." } ] }, { "tripleset": [ [ "Albert B. White", "SUCCESSOR", "William M. O. Dawson" ], [ "Albert B. White", "PARTY", "Republican Party (United States)" ], [ "Albert B. White", "BIRTH_PLACE", "Cleveland" ], [ "Albert B. White", "ACTIVE_YEARS_END_DATE", "1905-03-04" ], [ "Albert B. White", "ACTIVE_YEARS_START_DATE", "1901-03-04" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Albert B White was born in Cleveland and had a career from 4 March 1901 to 4 March 1905. He was a member of the Republican Party in the United States and his successor was William M O Dawson." }, { "source": "webnlg", "text": "Succeeded by William M. O. Dawson, Albert B. White was born in Cleveland and was a member of the Republican Party in the United States. Albert B. White started his career on March 4, 1901 and finished his career on March 4th 1905." }, { "source": "webnlg", "text": "Albert B. White was born in Cleveland and started his career on March 4, 1901. He was a member of the Republican Party in the United States and finished his career on March 4th 1905. Albert B. White's successor was William M. O. Dawson." } ] }, { "tripleset": [ [ "Alberto Teisaire", "DEATH_PLACE", "Buenos Aires" ], [ "Juan Per\u00f3n", "SPOUSE", "Eva Per\u00f3n" ], [ "Juan Per\u00f3n", "PARTY", "Labour Party (Argentina)" ], [ "Buenos Aires", "LEADER_NAME", "Horacio Rodr\u00edguez Larreta" ], [ "Alberto Teisaire", "IN_OFFICE_WHILE_PRESIDENT", "Juan Per\u00f3n" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alberto Teisaire was in office while Labour Party member Juan Peron, who was married to Eva Peron, was President of Argentina. Teisaire died in Buenos Aires where Horacio Rodr\u00edguez Larreta was the leader." }, { "source": "webnlg", "text": "Alberto Teisaire was in office while Labour Party member Juan Peron, who was married to Eva Peron, was President of Argentina. Teisaire died in Buenos Aires whose leader is Horacio Rodr\u00edguez Larreta." }, { "source": "webnlg", "text": "Alberto Teisaire was in office while Juan Peron was President. Juan Per\u00f3n, was married to Eva Per\u00f3n, and belonged to the Labour Party in Argentina. Alberto Teisaire died in Buenos Aires, the leader of which is, Horacio Rodr\u00edguez Larreta." } ] }, { "tripleset": [ [ "Alberto Teisaire", "OFFICE_(WORKED_AT,_WORKED_AS)", "\"Provisional President of the Argentine Senate\"" ], [ "Alberto Teisaire", "PROFESSION", "Rear admiral" ], [ "Alberto Teisaire", "SUCCESSOR", "Isaac Rojas" ], [ "Alberto Teisaire", "BIRTH_PLACE", "Mendoza, Argentina" ], [ "Alberto Teisaire", "DATE_OF_BIRTH", "1891-05-20" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alberto Teisaire was born in Mendoza in Agentina, on 1891-05-20. A Rear Admiral by profession, Alberto Teisaire, worked as the Provisional President of the Argentine Senate. Isaac Rojas was the successor to Alberto Teisaire." }, { "source": "webnlg", "text": "Born on 1891-05-20, born in Mendoza, Argentina, Alberto Teisaire, was a Rear Admiral by profession. He worked as the Provisional President of the Argentine Senate and his successor was Isaac Rojas." }, { "source": "webnlg", "text": "Alberto Teisaire was born in Mendoza, Argentina on 20 May 1891. He was a Rear Admiral and worked as the Provisional President of the Argentine Senate before being succeeded by Isaac Rojas." } ] }, { "tripleset": [ [ "Alfons Gorbach", "DEATH_PLACE", "Styria" ], [ "Alfons Gorbach", "PARTY", "Austrian People's Party" ], [ "Alfons Gorbach", "DEATH_PLACE", "Graz" ], [ "Alfons Gorbach", "BIRTH_PLACE", "Tyrol (state)" ], [ "Alfons Gorbach", "BIRTH_PLACE", "Austria" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alfons Gorbach was born in Austria, in the state, Tyrol. Alfons Gorbach was a member of the Austrian People's Party and died in Graz, in Styria." }, { "source": "webnlg", "text": "Alfons Gorbach's place of birth was the state, Tyrol, in Austria. He was a politician from the Austrian People's Party, who died in Graz, in Styria." }, { "source": "webnlg", "text": "Alfons Gorbach, who was a member of the Austrian People's Party, was born in the state of Tyrol in Austria and died in Graz, Styria." } ] }, { "tripleset": [ [ "Alfons Gorbach", "DEATH_PLACE", "Styria" ], [ "Alfons Gorbach", "PARTY", "Austrian People's Party" ], [ "Alfons Gorbach", "DEATH_PLACE", "Graz" ], [ "Alfons Gorbach", "BIRTH_PLACE", "Tyrol (state)" ], [ "Alfons Gorbach", "BIRTH_PLACE", "Imst" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "A member of the Austrian People's Party, Alfons Gorbach was born in Imst, in the state of Tyrol and died in Graz, in Styria." }, { "source": "webnlg", "text": "Alfons Gorbach was born in Imst in Tyrol and died in Graz in Styria. He was a politician from the Austrian People's Party." }, { "source": "webnlg", "text": "Austrian People's Party Alfons Gorbach was born in Imst, Tyrol and died in Graz, Styria." } ] }, { "tripleset": [ [ "Alvah Sabin", "ACTIVE_YEARS_END_DATE", "1857-03-03" ], [ "Alvah Sabin", "REGION", "Vermont's 3rd congressional district" ], [ "Vermont", "LARGEST_CITY", "Burlington, Vermont" ], [ "Alvah Sabin", "STATE", "Vermont" ], [ "Alvah Sabin", "DEATH_PLACE", "Sycamore, Illinois" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Vermont native Alvah Sabin represented the State's 3rd Congressional District and he died in Sycamore, Illinois after ending his career on March 3rd, 1857. Vermont's largest city is Burlington." }, { "source": "webnlg", "text": "Alvah Sabin represented Vermont's 3rd Congressional District and his career ended on March 3rd 1857. He was from Vermont, where the largest city is Burlington and he died in Sycamore, Illinois." } ] }, { "tripleset": [ [ "Alvah Sabin", "REGION", "Vermont's 3rd congressional district" ], [ "Alvah Sabin", "BIRTH_PLACE", "Georgia, Vermont" ], [ "Vermont", "LARGEST_CITY", "Burlington, Vermont" ], [ "Alvah Sabin", "STATE", "Vermont" ], [ "Alvah Sabin", "DEATH_PLACE", "Sycamore, Illinois" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alvah Sabin was from Vermont, where the largest city is Burlington. Georgia Vermont is the birthplace of Alvah Sabin, who represented Vermont's 3rd Congressional District and died in Sycamore, Illinois." }, { "source": "webnlg", "text": "Burlington is the largest city in Vermont, where Alvah Sabin was born. He represented Vermont's 3rd Congressional District and died in Sycamore, Illinois." }, { "source": "webnlg", "text": "Alvah Sabin was born in Georgia, Vermont and died in Sycamore, Illinois. He represented Vermont's 3rd congressional district, of which Burlington is the largest city." } ] }, { "tripleset": [ [ "American Civil War", "COMMANDER", "Jefferson Davis" ], [ "Alfred Moore Scales", "COUNTRY", "United States" ], [ "Alfred Moore Scales", "BATTLES", "Battle of Gettysburg" ], [ "United States", "ETHNIC_GROUP", "Native Americans in the United States" ], [ "Battle of Gettysburg", "IS_PART_OF_MILITARY_CONFLICT", "American Civil War" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "American Alfred Moore Scales fought at the Battle of Gettysburg during the American Civil War. Jefferson Davis was one of the war's commanders and one of several ethnic groups in the U.S. are the Native Americans." }, { "source": "webnlg", "text": "Native Americans are the ethnic group in the United States. Alfred Moore Scales lived in the United States and involved in was the Battle of Gettysburg. The Battle of Gettysburg was part of the American Civil War conflict, during which, one of the commanders was Jefferson Davis." }, { "source": "webnlg", "text": "Native Americans are an ethnic group in the United States, the country where Alfred Moore Scales lived. He had fought in the Battle of Gettysburg which took place during the American Civil War. A commander in the American Civil War was Jefferson Davis." } ] }, { "tripleset": [ [ "American Civil War", "COMMANDER", "Jefferson Davis" ], [ "Alfred Moore Scales", "COUNTRY", "United States" ], [ "United States", "ETHNIC_GROUP", "Native Americans in the United States" ], [ "Alfred Moore Scales", "BATTLES", "Siege of Petersburg" ], [ "Siege of Petersburg", "IS_PART_OF_MILITARY_CONFLICT", "American Civil War" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "American Civil War, Siege of Petersburg involved U.S. born Alfred Moore Scales. The American Civil War was commanded by Jefferson Davis. An ethnic group of the United States includes Native Americans." }, { "source": "webnlg", "text": "Native Americans are one of the ethnic groups in the United States, Alfred Moore Scales's country. Alfred Moore Scales took part in the Siege of Petersburg, which occurred during the American Civil War. Jefferson Davis was a commander in the American Civil War." }, { "source": "webnlg", "text": "Native Americans are of of the ethnic groups in the U.S., the country, where Alfred Moore Scales lived. Alfred Moore Scales was at the Siege of Petersburg, which occurred during the American Civil War. A commander in the American Civil War was Jefferson Davis." } ] }, { "tripleset": [ [ "Juan Per\u00f3n", "SPOUSE", "Eva Per\u00f3n" ], [ "Juan Per\u00f3n", "PARTY", "Labour Party (Argentina)" ], [ "Alberto Teisaire", "NATIONALITY", "Argentina" ], [ "Argentina", "LANGUAGE", "Spanish language" ], [ "Alberto Teisaire", "IN_OFFICE_WHILE_PRESIDENT", "Juan Per\u00f3n" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alberto Teisaire is a national of Argentina where the Spanish language is spoken. He was in office during the Presidency of Labour party member Juan Peron, who was married to Eva Peron." }, { "source": "webnlg", "text": "Argentina's Labour Party President Juan Peron was married to Eva Peron. Argentina is Spanish speaking and home to Alberto Teisaire (in office during Peron's leadership)." }, { "source": "webnlg", "text": "They speak Spanish in Argentina where Alberto Teisaire was from. Alberto Teisaire was in office while Juan Per\u00f3n was president. Juan Per\u00f3n was a member of the Labour Party in Argentina and was married to Eva Per\u00f3n." } ] }, { "tripleset": [ [ "Aaron Bertram", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Kids Imagine Nation" ], [ "Aaron Bertram", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Suburban Legends" ], [ "Suburban Legends", "BAND_MEMBER", "Brian Robertson (trombonist)" ], [ "Aaron Bertram", "GENRE", "Ska punk" ], [ "Ska punk", "STYLISTIC_ORIGIN", "Punk rock" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Aaron Bertram is a ska punk musician, a genre that originated from punk rock. He is an artist with Kids Imagine Nation and also plays for Suburban Legends Band. Brian Robertson plays the trombone for Suburban Legends." }, { "source": "webnlg", "text": "Aaron Bertram plays for the Kids Imagine Nation and the Suburban Legends bands, where he performs ska punk music, a form of punk rock. Brian Robertson, a trombonist, is a band member of Suburban Legends." }, { "source": "webnlg", "text": "Aaron Bertram plays for the Kids Imagine Nation and for the Suburban Legends,where Brian Robertson is a trombonist. Aaron Bertram's musical genre is ska,which has its origins in punk rock." } ] }, { "tripleset": [ [ "Aaron Deer", "GENRE", "Indie rock" ], [ "Aaron Deer", "ORIGIN", "United States" ], [ "Aaron Deer", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Wee Giant" ], [ "Aaron Deer", "BACKGROUND", "\"solo singer\"" ], [ "Aaron Deer", "ORIGIN", "Indiana" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "American Aaron Deer is an Indie rock musician from Indiana. He has a background as a solo singer and was part of the band Wee Giant." }, { "source": "webnlg", "text": "Aaron Deer comes from Indiana, having been born in the United States. He is a solo singer/ performer of the musical genre indie rock, and is an artist for the Wee Giant band." }, { "source": "webnlg", "text": "Aaron Deer is an Indie rock soloist, formerly a member of Wee Giant. He was born in Indiana, USA." } ] }, { "tripleset": [ [ "Aaron Turner", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Old Man Gloom" ], [ "Aaron Turner", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Lotus Eaters (band)" ], [ "Aaron Turner", "GENRE", "Black metal" ], [ "Aaron Turner", "ORIGIN", "United States" ], [ "Aaron Turner", "ACTIVE_YEARS_START_YEAR", "1995" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Aaron Turner, whose origin is the United States, started performing in 1995. Aaron Turner; performs black metal music, played for Old Man Gloom and is a musician in the Lotus Eaters band." }, { "source": "webnlg", "text": "Aaron Turner came from the U.S. He is a Black metal musician who started performing in 1995. He plays in the Lotus Eaters band having previously performed with Old Man Gloom." }, { "source": "webnlg", "text": "Black Metal musician and United States born Aaron Turner started his career in 1995. He is associated with the bands Old Man Gloom and the Lotus Eaters." } ] }, { "tripleset": [ [ "Aaron Turner", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Twilight (band)" ], [ "Aaron Turner", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Lotus Eaters (band)" ], [ "Aaron Turner", "GENRE", "Sludge metal" ], [ "Aaron Turner", "ORIGIN", "Massachusetts" ], [ "Aaron Turner", "ACTIVE_YEARS_START_YEAR", "1995" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Aaron Turner was born in Massachusetts and started performing in 1995. He formerly played with the band Twilight and is now in the Lotus Eaters. He is is closely associated with the sludge metal genre." }, { "source": "webnlg", "text": "Aaron Turner is from Massachusetts. He is a musician who loves Sludge metal and played with the band Twilight as well as the Lotus Eater's Band, in 1995." }, { "source": "webnlg", "text": "Massachusetts born Sludge metal musician, Aaron Turner, began performing in 1995. He has played with Twilight and has been with the Lotus Eaters band." } ] }, { "tripleset": [ [ "Abradab", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Magik (rapper)" ], [ "Abradab", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Kaliber 44" ], [ "Abradab", "BIRTH_PLACE", "Katowice" ], [ "Abradab", "BIRTH_PLACE", "Poland" ], [ "Abradab", "DATE_OF_BIRTH", "1978-11-12" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Abradab was born in Katowice, Poland on Novembe 12, 1978. He played with Kaliber 44 and is associated with the rapper Magik." }, { "source": "webnlg", "text": "Abradab was born in Katowice, Poland on 12 November 1978. He is associated with the rapper Magik and played with the Kaliber 44 band." }, { "source": "webnlg", "text": "Abradab was born on November 12th 1978, in Katowice, Poland. He is an artist for the band Kaliber 44 and is associated with the rapper Magik." } ] }, { "tripleset": [ [ "Ace Wilder", "BACKGROUND", "\"solo singer\"" ], [ "Ace Wilder", "DATE_OF_BIRTH", "1982" ], [ "Ace Wilder", "OCCUPATION", "Singing" ], [ "Ace Wilder", "BIRTH_PLACE", "Sweden" ], [ "Ace Wilder", "DATE_OF_BIRTH", "1982-07-23" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Ace Wilder has a musical background as a solo singer was born on July 23rd, 1982, in Sweden." }, { "source": "webnlg", "text": "Solo singer Ace Wilder was born on July 23, 1982 in the country of Sweden." }, { "source": "webnlg", "text": "Ace Wilder's occupation is a solo singer. He was born in Sweden on 23 July 1982." } ] }, { "tripleset": [ [ "Ace Wilder", "BACKGROUND", "\"solo singer\"" ], [ "Ace Wilder", "DATE_OF_BIRTH", "1982" ], [ "Ace Wilder", "OCCUPATION", "Songwriter" ], [ "Ace Wilder", "BIRTH_PLACE", "Stockholm" ], [ "Ace Wilder", "DATE_OF_BIRTH", "1982-07-23" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Ace Wilder, a solo singer and songwriter, was born on July 23, 1982 in Stockholm." }, { "source": "webnlg", "text": "Ace Wilder was born in Stockholm on July 23, 1982. He is a songwriter with a background as a solo singer." }, { "source": "webnlg", "text": "Ace Wilder was born 23rd July 1972 in Stockholm. He is a solo singer and songwriter." } ] }, { "tripleset": [ [ "Ace Wilder", "GENRE", "Hip hop music" ], [ "Hip hop music", "MUSIC_SUBGENRE", "Gangsta rap" ], [ "Hip hop music", "STYLISTIC_ORIGIN", "Funk" ], [ "Hip hop music", "DERIVATIVE", "Drum and bass" ], [ "Hip hop music", "STYLISTIC_ORIGIN", "Disco" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Ace Wilder's musical genre is Hip hop. Hip Hop music has its origins in Funk and Disco, and Drum and bass derives its sounds from hip hop music, which has a subg\u00e9nre Gangsta rap." }, { "source": "webnlg", "text": "Ace Wilder is a hip hop musician. Hip hop originates from funk and disco. Gangsta rap is a sub genre of hip hop and drum and bass is a derivative of it." }, { "source": "webnlg", "text": "Hip hop originates from disco and funk while influencing drum &amp; bass, with a subgenre of Gangsta rap. Ace Wilder is a hip hop musician." } ] }, { "tripleset": [ [ "Ace Wilder", "GENRE", "Hip hop music" ], [ "Hip hop music", "STYLISTIC_ORIGIN", "Funk" ], [ "Ace Wilder", "BIRTH_PLACE", "Sweden" ], [ "Hip hop music", "DERIVATIVE", "Drum and bass" ], [ "Hip hop music", "STYLISTIC_ORIGIN", "Disco" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Drum and bass derives its sounds from hip hop music which originated from Funk and Disco. Ace Wilder, who was born in Sweden, plays the musical genre of hip hop." }, { "source": "webnlg", "text": "Hip hop musician Ace Wilder was born in Sweden. Hip hop has its origins in Funk and disco while being an influence on Drum and Bass." }, { "source": "webnlg", "text": "Sweden is the birthplace of Hip hop musician Ace Wilder. Drum and bass genre music come from hip hop, which has origins in funk and disco." } ] }, { "tripleset": [ [ "Al Anderson (NRBQ band)", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "NRBQ" ], [ "Al Anderson (NRBQ band)", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "The Wildweeds" ], [ "Al Anderson (NRBQ band)", "BIRTH_PLACE", "Windsor, Connecticut" ], [ "Al Anderson (NRBQ band)", "GENRE", "Rock music" ], [ "Al Anderson (NRBQ band)", "ACTIVE_YEARS_START_YEAR", "1966" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Al Anderson (of the rock music band NRBQ) played once with The Wildweeds, was born in Windsor, Connecticut, and became active in 1966." }, { "source": "webnlg", "text": "Musician Al Anderson was born in Windsor Connecticut and began his career in 1966. He was a member of the band The Wildweeds and is now part of the rock group NRBQ." } ] }, { "tripleset": [ [ "Al Anderson (NRBQ band)", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "NRBQ" ], [ "Rock music", "MUSIC_FUSION_GENRE", "Bhangra (music)" ], [ "Al Anderson (NRBQ band)", "INSTRUMENT", "Guitar" ], [ "Al Anderson (NRBQ band)", "GENRE", "Rock music" ], [ "Rock music", "STYLISTIC_ORIGIN", "Country music" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Al Anderson plays the guitar for the rock band NRBQ. Rock music originated from country music and is an element of the fusion genre Bhangra." }, { "source": "webnlg", "text": "Al Anderson is a guitarist and rock musician with the band NRBQ. Rock originates from country music and is an influence on the fusion style of Bhangra." } ] }, { "tripleset": [ [ "Alan Frew", "OCCUPATION", "Musician" ], [ "Alan Frew", "ORIGIN", "Canada" ], [ "Alan Frew", "BIRTH_PLACE", "Coatbridge" ], [ "Alan Frew", "ORIGIN", "Newmarket, Ontario" ], [ "Alan Frew", "BACKGROUND", "\"solo singer\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alan Frew, who is from Newmarket, Ontario, (Canada, was born in Coatbridge. He is a musician and solo singer." }, { "source": "webnlg", "text": "Alan Frew is from Coatbridge, Newmarket, Ontario, Canada and he is a musician and solo singer." }, { "source": "webnlg", "text": "Singer Alan Frew was born in Coatbridge but is from Newmarket, Ontario, Canada." } ] }, { "tripleset": [ [ "Aleksandra Kova\u010d", "BACKGROUND", "\"solo singer\"" ], [ "Aleksandra Kova\u010d", "DATE_OF_BIRTH", "1972" ], [ "Aleksandra Kova\u010d", "BIRTH_PLACE", "Socialist Republic of Serbia" ], [ "Aleksandra Kova\u010d", "GENRE", "Pop music" ], [ "Pop music", "MUSIC_FUSION_GENRE", "Disco" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Aleksandra Kovac is a solo pop music singer who was born in 1972 in the Socialist Republic of Serbia. Disco music is a fusion genre of pop music." }, { "source": "webnlg", "text": "Pop music solo singer Aleksandra Kova\u010d was born 1972, in the Socialist Republic of Serbia. Disco is a fusion of pop music." }, { "source": "webnlg", "text": "Pop singer Aleksandra Kovac was born 1972, in the Socialist Republic of Serbia. Disco is a fusion style originating from pop." } ] }, { "tripleset": [ [ "Aleksandra Kova\u010d", "GENRE", "Rhythm and blues" ], [ "Aleksandra Kova\u010d", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "K2 (Kova\u010d sisters duo)" ], [ "Aleksandra Kova\u010d", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Kornelije Kova\u010d" ], [ "Aleksandra Kova\u010d", "BACKGROUND", "\"solo singer\"" ], [ "Aleksandra Kova\u010d", "ACTIVE_YEARS_START_YEAR", "1990" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Rhythm and blues singer Aleksandra Kova\u010d became musically active in 1990. She is in same band as Kornelije Kova\u010d, part of the K2 (Kova\u010d sisters duo) and also has a solo career." }, { "source": "webnlg", "text": "Rhythm and blues singer Aleksandra Kova\u010d, began her career circa 1990 and is a member of the duo K2, with Kornelije Kova\u010d." }, { "source": "webnlg", "text": "Rhythm and blues solo singer Aleksandra Kovac began in 1990, is a member of sister duo K2 and is associated with Kornelije Kova\u010d." } ] }, { "tripleset": [ [ "Alfred Garth Jones", "DEATH_PLACE", "London" ], [ "Alfred Garth Jones", "BIRTH_PLACE", "England" ], [ "Alfred Garth Jones", "NATIONALITY", "United Kingdom" ], [ "Alfred Garth Jones", "BIRTH_PLACE", "Manchester" ], [ "Alfred Garth Jones", "DATE_OF_BIRTH", "1872" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alfred Garth Jones was born in 1872 in Manchester, England in the U.K. He died in London." }, { "source": "webnlg", "text": "Alfred Garth Jones was born in Manchester, England in the United Kingdom in 1872. He died in London." }, { "source": "webnlg", "text": "Alfred Garth Jones was born in Manchester,England in 1872.He passed away in London." } ] }, { "tripleset": [ [ "Alfred Garth Jones", "DEATH_PLACE", "Sidcup" ], [ "Alfred Garth Jones", "DEATH_PLACE", "London" ], [ "Alfred Garth Jones", "BIRTH_PLACE", "Manchester" ], [ "London", "LEADER_TITLE", "European Parliament" ], [ "London", "LEADER_NAME", "Boris Johnson" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alfred Garth Jones was born in Manchester and died in Sidcup, London. Boris Johnson is a leader in London, who's leader is the European Parliament." }, { "source": "webnlg", "text": "Alfred Garth Jones was Sidcup was born in Manchester and died, in Boris Johnson and European Parliament led, Sidcup, London." }, { "source": "webnlg", "text": "Manchester born Alfred Garth Jones, died in Sidcup, London. Boris Johnson and the European Parliament lead London." } ] }, { "tripleset": [ [ "Alfred Garth Jones", "DEATH_PLACE", "Sidcup" ], [ "Alfred Garth Jones", "DEATH_PLACE", "London" ], [ "Alfred Garth Jones", "BIRTH_PLACE", "Manchester" ], [ "Manchester", "LEADER_NAME", "Labour Party (UK)" ], [ "London", "LEADER_TITLE", "European Parliament" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alfred Garth Jones was born in Manchester and died in Sidcup, London. The leader of London is the European Parliament, and the leader of Manchester is The Labour Party (UK)." }, { "source": "webnlg", "text": "Alfred Garth Jones was born in Manchester and passed away in Sidcup,London.The Labour Party is the leader of Manchester.The European parliament is the leader of London." }, { "source": "webnlg", "text": "Alfred Garth Jones was born in Manchester and died in Sidcup, London (led by the European Parliament). Manchester is led the Labour Party." } ] }, { "tripleset": [ [ "Alison O'Donnell", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Flibbertigibbet" ], [ "Alison O'Donnell", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Mellow Candle" ], [ "Alison O'Donnell", "GENRE", "Folk music of Ireland" ], [ "Alison O'Donnell", "RECORD_LABEL", "Floating World Records" ], [ "Alison O'Donnell", "ACTIVE_YEARS_START_YEAR", "1963" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alison O'Donnell, a member of the Flibbertigibbet band and the Mellow Candle band, played folk music of Ireland becoming active in her career in 1963. Alison signed to Floating World Records." }, { "source": "webnlg", "text": "Ireland folk musician Alison O'Donnell is signed to Floating World Records and became active in 1963. She is associated with the Flibbertigibbet band and Mellow Candle." }, { "source": "webnlg", "text": "Floating World Records recording, Ireland, artist Alison O'Donnell began performing in 1963 and was a member of the Flibbertigibbet band and Mellow Candle." } ] }, { "tripleset": [ [ "Alison O'Donnell", "GENRE", "Jazz" ], [ "Jazz", "DERIVATIVE", "Funk" ], [ "Alison O'Donnell", "RECORD_LABEL", "Deram Records" ], [ "Deram Records", "LOCATION", "London" ], [ "Alison O'Donnell", "RECORD_LABEL", "Stanyan Records" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alison O'Donnell plays jazz music, where Funk is a derivative and has sign for Stanyan Records label as well as Deram records based in London." }, { "source": "webnlg", "text": "Funk is derived from jazz music as performed by Alison O Donnell. She is signed with the record label Stanyan Records and also Deram Records which is based in London." }, { "source": "webnlg", "text": "Alison O'Donnell performs jazz music, of which funk is a derivative. She was signed to Deram Records in London but is now signed to Stanyan Records." } ] }, { "tripleset": [ [ "Alison O'Donnell", "GENRE", "Jazz" ], [ "Jazz", "DERIVATIVE", "Funk" ], [ "Jazz", "MUSIC_FUSION_GENRE", "Afrobeat" ], [ "Alison O'Donnell", "INSTRUMENT", "Autoharp" ], [ "Jazz", "STYLISTIC_ORIGIN", "Folk music" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Afrobeat is a fusion genre of Jazz. Funk is a derivative of Jazz which has its stylistic origins in folk music. Alison O'Donnell performs jazz music and can play the autoharp." }, { "source": "webnlg", "text": "Alison O'Donnell, who plays the autoharp, is a performer of jazz, which has its origins on folk music. Jazz has a derivative called funk and a fusion genre named Afrobeat." } ] }, { "tripleset": [ [ "Alison O'Donnell", "GENRE", "Jazz" ], [ "Jazz", "STYLISTIC_ORIGIN", "Blues" ], [ "Jazz", "DERIVATIVE", "Funk" ], [ "Jazz", "MUSIC_FUSION_GENRE", "Afrobeat" ], [ "Alison O'Donnell", "INSTRUMENT", "\"Voice, bodhr\u00e1n, percussion, autoharp\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alison O'Donnell is a singer who plays the bodhran, percussion and autoharp and also performs jazz music. Funk is derived from Jazz and Afrobeat music is a fusion of Jazz music. Blues music influenced Jazz music." }, { "source": "webnlg", "text": "Jazz singer Alison O'Donnell plays the bodhran, percussion and autoharp. Jazz derives from funk and blues while being an influence on funk and Afrobeat fusion." }, { "source": "webnlg", "text": "Jazz musician Alison O'Donnell uses voice, ,bodhran, percussion and the autoharp. Afrobeat and Funk originate from Jazz, which comes from the Blues." } ] }, { "tripleset": [ [ "Allen Forrest", "DATE_OF_BIRTH", "1981" ], [ "Allen Forrest", "GENRE", "Acoustic music" ], [ "Allen Forrest", "BIRTH_PLACE", "Dothan, Alabama" ], [ "Allen Forrest", "BACKGROUND", "\"solo singer\"" ], [ "Allen Forrest", "BIRTH_PLACE", "Fort Campbell" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Allen Forrest was a solo acoustic singer and was born in the year 1981, in Dothan (Fort Campbell), Alabama." }, { "source": "webnlg", "text": "Allen Forrest was born in Fort Campbell, Dothan, Alabama in 1981. He plays acoustic music and has a background as a solo singer." }, { "source": "webnlg", "text": "Allen Forrest was born in Fort Campbell, Dothan, Alabama in 1981. He is a solo singer who performs acoustic music." } ] }, { "tripleset": [ [ "Anders Osborne", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Billy Iuso" ], [ "Anders Osborne", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Voice of the Wetlands All-Stars" ], [ "Anders Osborne", "GENRE", "Rock music" ], [ "Anders Osborne", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Galactic" ], [ "Anders Osborne", "ACTIVE_YEARS_START_YEAR", "1989" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Anders Osborne is a rock musician who career began in 1989; he is associated with the musical artist Billy Iuso, the band Galactic, and with Voice of the Wetlands All-Stars." }, { "source": "webnlg", "text": "Anders Osborne, a rock musician, started performing in 1989 and has worked with Galactic and Voice of the Wetlands All-Stars band. Mr. Osborne is associated with Billy Iuso." }, { "source": "webnlg", "text": "Rock musician Anders Osborne began his career in 1989 and has been associated with the bands Galactic and Voice of the Wetlands All-Stars and the musical artist Billy Iuso." } ] }, { "tripleset": [ [ "Anders Osborne", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Galactic" ], [ "Anders Osborne", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Tab Benoit" ], [ "Anders Osborne", "GENRE", "Blues" ], [ "Anders Osborne", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Billy Iuso" ], [ "Anders Osborne", "ACTIVE_YEARS_START_YEAR", "1989" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Anders Osborne musical career began in 1989. His career began in the blue's genre. He has been associated with the band, Galactic as well as Tab Benoit. Osborne also has ties to fellow musician Billy Iuso." }, { "source": "webnlg", "text": "Anders Osborne began his Blues musical career in 1989 and has worked with Galactic, Tab Benoit and Billy Iuso." }, { "source": "webnlg", "text": "Blues artist Anders Osborne began in 1989 and is associated with artists Tab Benoit, Galactic and Billy Iuso." } ] }, { "tripleset": [ [ "Andra (singer)", "DATE_OF_BIRTH", "1986" ], [ "Andra (singer)", "GENRE", "Dance-pop" ], [ "Andra (singer)", "BIRTH_PLACE", "C\u00e2mpia Turzii" ], [ "Andra (singer)", "BACKGROUND", "\"solo singer\"" ], [ "Andra (singer)", "OCCUPATION", "\"singer, Reality television judge\"" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Andra was born in Campia, Turzii in 1986. She is a Dance-pop music singer and makes a living as a singer and reality television judge." }, { "source": "webnlg", "text": "Andra is a dance-pop singer who was born in Campia, Turzii in 1986. She began her career as a solo singer and makes her living as a singer and reality television judge." }, { "source": "webnlg", "text": "Andra, a dance pop singer and a solo singer, was born in Campia Turzii in 1986. She makes her living as a singer and a reality tv judge." } ] }, { "tripleset": [ [ "Andra (singer)", "GENRE", "Rhythm and blues" ], [ "Andra (singer)", "BACKGROUND", "\"solo singer\"" ], [ "Andra (singer)", "DATE_OF_BIRTH", "1986" ], [ "Andra (singer)", "OCCUPATION", "Singing" ], [ "Andra (singer)", "BIRTH_PLACE", "Romania" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Solo singer, Andra, was born in 1986, in Romania. Andra is a rhythm and blues singer whose occupation is singing." }, { "source": "webnlg", "text": "The singer Andra was born in Romania in 1986 and performs rhythm and blues as a solo artist." }, { "source": "webnlg", "text": "The Rhythm and blues solo singer musician Andra, was born 1986, in Romania." } ] }, { "tripleset": [ [ "Andrew Rayel", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Armin van Buuren" ], [ "Andrew Rayel", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Bobina" ], [ "Andrew Rayel", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "\"Armin Van Buuren, Bobina, Mark Sixma, Jonathan Mendelsohn, Christian Burns, Jwaydan, Alexander Popov, Jano, Alexandre Bergheau, Jonny Rose, Sylvia Tosun, Lira Yin, Alexandra Badoi\"" ], [ "Andrew Rayel", "GENRE", "Trance music" ], [ "Trance music", "STYLISTIC_ORIGIN", "Pop music" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Andrew Rayel has performed the genre of Trance music which has its stylistic origins in pop music. He Andrew Rayel has been associated with the following musical artists: Bobina, Armin Van Buuren, Bobina, Mark Sixma, Jonathan Mendelsohn, Christian Burns, Jwaydan, Alexander Popov, Jano, Alexandre Bergheau, Jonny Rose, Sylvia Tosun, Lira Yin and Alexandra Badoi." }, { "source": "webnlg", "text": "Andrew Rayel is associated with a number of musical artists, these include: Armin Van Buuren, Bobina, Mark Sixma, Jonathan Mendelsohn, Christian Burns, Jwaydan, Alexander Popov, Jano, Alexandre Bergheau, Jonny Rose, Sylvia Tosun, Lira Yin, and Alexandra Badoi. His musical genre is Trance music which has its stylistic origins in pop." } ] }, { "tripleset": [ [ "Andrew Rayel", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Christian Burns" ], [ "Andrew Rayel", "GENRE", "Trance music" ], [ "Andrew Rayel", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Armin van Buuren" ], [ "Andrew Rayel", "BIRTH_PLACE", "\"Chi\u0219in\u0103u, Moldova\"" ], [ "Andrew Rayel", "ACTIVE_YEARS_START_YEAR", "2009" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Andrew Rayel, who was born in Chisinau, Moldova, started his career in 2009 and his musical genre is trance music. He is associated with Christian Burns and Armin van Buuren." }, { "source": "webnlg", "text": "Andrew Rayel was born in Chisinau Moldova. He's an associate of Armin van Buuren and Christian Burns. Mr Rayel's musical genre is Trance which he started in 2009." }, { "source": "webnlg", "text": "Andrew Rayel was born in Chisinau, Moldova. He began his musical career in 2009 and has performed the genre of Trance music. He is associated with the musical artist Armin van Buuren and with Christian Burns." } ] }, { "tripleset": [ [ "Andrew Rayel", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Jwaydan Moyine" ], [ "Andrew Rayel", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Bobina" ], [ "Andrew Rayel", "GENRE", "Trance music" ], [ "Andrew Rayel", "BIRTH_PLACE", "\"Chi\u0219in\u0103u, Moldova\"" ], [ "Andrew Rayel", "ACTIVE_YEARS_START_YEAR", "2009" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Andrew Rayel was born in Chisinau, Moldova and began as a musician performing Trance Music in 2009. He is associated with musicians, Jwaydan Moyine and Bobina." }, { "source": "webnlg", "text": "Andrew Rayel was born in Chisinau, Moldova and began his Trance Music career in 2009. He is associated with jwaydan Moyine and Bobina." }, { "source": "webnlg", "text": "Andrew Rayel was worn in Chisinau, Moldova and began performing in 2009. He is associated with Jwaydan Moyine and Bobina and performs trance music." } ] }, { "tripleset": [ [ "Andrew Rayel", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Jwaydan Moyine" ], [ "Jwaydan Moyine", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "John Digweed" ], [ "Andrew Rayel", "INSTRUMENT", "String instrument" ], [ "Andrew Rayel", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Christian Burns" ], [ "Andrew Rayel", "GENRE", "Trance music" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Trance music performer Andrew Rayel was a string instrumentalist. He's associated with Christian Burns and Jwaydan Moyine, who in turn knows John Digweed." }, { "source": "webnlg", "text": "String instrumentalist Andrew Rayel, who performs Trance music, is associated with Christian Burns and Jwaydan Moyine, the latter of which has worked with the musical artist John Digweed." }, { "source": "webnlg", "text": "Trance string instrumentalist Andrew Rayel is associated with musicians John Digweed, Christian Burns and Jwaydan Moyine." } ] }, { "tripleset": [ [ "Andrew White (musician)", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Kaiser Chiefs" ], [ "Andrew White (musician)", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Marry Banilow" ], [ "Andrew White (musician)", "RECORD_LABEL", "B-Unique Records" ], [ "Andrew White (musician)", "RECORD_LABEL", "Polydor Records" ], [ "Andrew White (musician)", "ACTIVE_YEARS_START_YEAR", "2003" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The musician Andrew White is part of the Kaiser Chiefs and is signed to the record label B-Unique Records and Polydor Records. He started his musical career in 2003 and was associated with Marry Banilow." }, { "source": "webnlg", "text": "B-Unique Records and Polydor Records artist Andrew White began in 2003 and is associated with the Kaiser Chiefs and artist Marry Banilow." }, { "source": "webnlg", "text": "B-Unique Records and Polydor Recording artist Andrew White began his career in 2003. He is associated with the Kaiser Chiefs and Marry Banilow." } ] }, { "tripleset": [ [ "Hip hop music", "STYLISTIC_ORIGIN", "Disco" ], [ "Allen Forrest", "BIRTH_PLACE", "Fort Campbell" ], [ "Allen Forrest", "GENRE", "Hip hop music" ], [ "Hip hop music", "STYLISTIC_ORIGIN", "Funk" ], [ "Hip hop music", "DERIVATIVE", "Drum and bass" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Drum and bass derives its sounds from hip hop music which has its origins in both Funk and Disco. Hip hop music is the musical genre of Allen Forrest, who was born in Fort Campbell." }, { "source": "webnlg", "text": "Allen Forrest was born in Fort Campbell and is a hip hop musician. Hip hop originates from funk and disco and was derived into drum and bass music." }, { "source": "webnlg", "text": "Born in Fort Campbell, Allen Forrest is a performer of hip hop music, which originated from funk and disco. Drum and bass has its origins in hip hop." } ] }, { "tripleset": [ [ "Hip hop music", "STYLISTIC_ORIGIN", "Disco" ], [ "Allen Forrest", "GENRE", "Hip hop music" ], [ "Allen Forrest", "DATE_OF_BIRTH", "1981" ], [ "Hip hop music", "STYLISTIC_ORIGIN", "Funk" ], [ "Hip hop music", "DERIVATIVE", "Drum and bass" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "1981 born Allen Forrest's genre, is Hip Hop music, which originated from funk and disco and drum and bass is a derivative of Hip hop music." }, { "source": "webnlg", "text": "Allen Forrest was born in 1981 and plays Hip Hop music. Hip hop originated from disco and funk musics. Drum and bass gets its sounds from hip hop." }, { "source": "webnlg", "text": "Allen Forrest, a hip hop musician, was born in the year 1981. That music genre gets its origins from Disco and Funk music. Drum and bass is derived from Hip Hop music." } ] }, { "tripleset": [ [ "London", "LEADER_TITLE", "Parliament of the United Kingdom" ], [ "Alfred Garth Jones", "DEATH_PLACE", "Sidcup" ], [ "Alfred Garth Jones", "DEATH_PLACE", "London" ], [ "Alfred Garth Jones", "BIRTH_PLACE", "Manchester" ], [ "Manchester", "LEADER_NAME", "Labour Party (UK)" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The Labour Party is in the majority in Manchester, the birthplace of Alfred Garth Jones. Alfred Garth Jones died in. Sidcup, in London which is led by the Parliament of the United Kingdom." }, { "source": "webnlg", "text": "Alfred Garth Jones was born in Manchester, where the Labour party is in the majority and died in Sidcup, London. Parliament of the United Kingdom is the leader of London." }, { "source": "webnlg", "text": "Alfred Garth Jones, born in Manchester, died in Sidcup, London. Manchester is led by the UK, Labour Party and London is led by the Parliament of the United Kingdom." } ] }, { "tripleset": [ [ "Paraguay", "ETHNIC_GROUP", "Mestizo" ], [ "Agust\u00edn Barboza", "BIRTH_PLACE", "Asunci\u00f3n" ], [ "Paraguay", "LEADER_NAME", "Juan Afara" ], [ "Agust\u00edn Barboza", "DEATH_PLACE", "Paraguay" ], [ "Paraguay", "LANGUAGE", "Spanish language" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Agustin Barboza was born in Asuncion, in Paraguay. The country which has an ethnic group called the Mestizo. it is also the country where Spanish is spoken and which is led by Juan Afara." }, { "source": "webnlg", "text": "Agustin Barboza was born in Asuncion, Paraguay where the people speak Spanish. Juan Afara leads the country and an ethnic group in Paraguay are the Mestizo people." }, { "source": "webnlg", "text": "Agustin Barboza was born in Spanish speaking Asuncion, Paraguay, home of the Mestizo. Paraguay is led by Juan Afara." } ] }, { "tripleset": [ [ "Polydor Records", "LOCATION", "London" ], [ "Alternative rock", "MUSIC_FUSION_GENRE", "Nu metal" ], [ "Andrew White (musician)", "GENRE", "Alternative rock" ], [ "Andrew White (musician)", "RECORD_LABEL", "B-Unique Records" ], [ "Andrew White (musician)", "RECORD_LABEL", "Polydor Records" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Andrew White is an alternative rock musician signed to the record label B-Unique Records and Polydor Records in London. Nu metal is a music fusion genre of alternative rock." }, { "source": "webnlg", "text": "Musician Andrew White, is signed to the record label B-Unique Records and is signed to the London based, record label, Polydor Records. His genre is alternative rock, the fusion genre of which, is Nu metal." }, { "source": "webnlg", "text": "Andrew White's genre is alternative rock and he is signed to B-Unique Records and Polydor Records which is in London. Nu metal is a music fusion of alternative rock." } ] }, { "tripleset": [ [ "Polydor Records", "LOCATION", "London" ], [ "Alternative rock", "MUSIC_FUSION_GENRE", "Nu metal" ], [ "Andrew White (musician)", "RECORD_LABEL", "Polydor Records" ], [ "Andrew White (musician)", "RECORD_LABEL", "Universal Records (defunct record label)" ], [ "Andrew White (musician)", "GENRE", "Alternative rock" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "The musician Andrew White's record label used to be Universal records which is now a defunct label. His record label is Polydor Records which is located in London. Andrew White's genre is alternative rock , the music fusion genre of which, is Nu metal." }, { "source": "webnlg", "text": "Andrew White is an alternative rock musician with Polydor Records and was once with Universal Records. Polydor Records is in London. Nu metal is a fusion of alternative rock sounds." }, { "source": "webnlg", "text": "Alternative rock musician Andrew White was signed with Universal but is now with London's Polydore Records. Nu metal is an alternative rock fusion." } ] }, { "tripleset": [ [ "Rock music", "MUSIC_FUSION_GENRE", "Bhangra (music)" ], [ "Al Anderson (NRBQ band)", "INSTRUMENT", "Guitar" ], [ "Al Anderson (NRBQ band)", "GENRE", "Rock music" ], [ "Rock music", "STYLISTIC_ORIGIN", "Country music" ], [ "Country music", "STYLISTIC_ORIGIN", "Blues" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Al Anderson plays the guitar in the rock music band NRBQ. Rock music originated from country music, which originated from blues music; The music Bhangra is part of the fusion genre, partly coming from Rock music." }, { "source": "webnlg", "text": "Al Anderson plays the guitar for rock band NRBQ. Rock comes from country music which originates from blues. Bhangra music is a musical fusion of rock music." }, { "source": "webnlg", "text": "Rock guitarist AI Anderson is a member of NRBQ. Rock originates from rock which has its origins in country which derives from the blues. Bhangra is a rock fusion." } ] }, { "tripleset": [ [ "Rock music", "STYLISTIC_ORIGIN", "Blues" ], [ "Rock music", "MUSIC_FUSION_GENRE", "Bhangra (music)" ], [ "Country music", "INSTRUMENT", "Banjo" ], [ "Al Anderson (NRBQ band)", "GENRE", "Rock music" ], [ "Rock music", "STYLISTIC_ORIGIN", "Country music" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Al Anderson plays with the rock band NRBQ. Rock has its origiins in the blues and country music, where the banjo is played, and Bhangra is a rock fusion." }, { "source": "webnlg", "text": "The banjo is a staple of country music, the origin of rock, which is also inspired by the Blues. Rock lends itself to bhangra and is the style of Al Anderson and NRBQ." } ] }, { "tripleset": [ [ "Twilight (band)", "GENRE", "Black metal" ], [ "Aaron Turner", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Twilight (band)" ], [ "Aaron Turner", "ASSOCIATED_BAND_ASSOCIATED_MUSICAL_ARTIST", "Old Man Gloom" ], [ "Aaron Turner", "INSTRUMENT", "Electric guitar" ], [ "Black metal", "MUSIC_FUSION_GENRE", "Death metal" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Aaron Turner is an electric guitar player who has played with the black metal band Twilight and with Old Man Gloom. Death metal is a musical fusion of black metal." }, { "source": "webnlg", "text": "Aaron Turner plays electric guitar and played with the black metal Twilight band and the Old Man Gloom band. A fusion of black metal is called Death metal." }, { "source": "webnlg", "text": "Electric guitarist Aaron Turner played with black metal band Twilight and Old Man Gloom. Death metal is a fusion of blck metal." } ] }, { "tripleset": [ [ "Uruguay", "LEADER_NAME", "Ra\u00fal Fernando Sendic Rodr\u00edguez" ], [ "Alfredo Zitarrosa", "DEATH_PLACE", "Montevideo" ], [ "Montevideo", "COUNTRY", "Uruguay" ], [ "Montevideo", "LEADER_NAME", "Daniel Mart\u00ednez (politician)" ], [ "Uruguay", "LANGUAGE", "Spanish language" ] ], "subtree_was_extended": false, "annotations": [ { "source": "webnlg", "text": "Alfredo Zitarrosa died in Montevideo, Uruguay. Daniel Martinez is a political leader in Montevideo, and Raul Fernando Sendic Rodriguez is a leader in Uruguay, where Spanish is spoken." }, { "source": "webnlg", "text": "Alfredo Zitarrosa died in Montevideo, the leader of which, is Daniel Martinez. Montevideo is in Uruguay, where Spanish is the language and where Ra\u00fal Fernando Sendic Rodr\u00edguez is the leader." }, { "source": "webnlg", "text": "Ra\u00fal Fernando Sendic Rodr\u00edguez is the leader of Spanish speaking, Uruguay. Daniel Martinez is the leader of Montevideo, the final resting place of Alfredo Zitarrosa." } ] }, { "tripleset": [ [ "Blue Spice", "eatType", "coffee shop" ], [ "Blue Spice", "area", "city centre" ] ], "annotations": [ { "source": "e2e", "text": "A coffee shop in the city centre area called Blue Spice." }, { "source": "e2e", "text": "Blue Spice is a coffee shop in city centre." } ] }, { "tripleset": [ [ "Blue Spice", "eatType", "coffee shop" ], [ "Blue Spice", "area", "riverside" ] ], "annotations": [ { "source": "e2e", "text": "There is a coffee shop Blue Spice in the riverside area." }, { "source": "e2e", "text": "At the riverside, there is a coffee shop called The Blue Spice." } ] }, { "tripleset": [ [ "Blue Spice", "eatType", "coffee shop" ], [ "Blue Spice", "customer rating", "5 out of 5" ], [ "Blue Spice", "near", "Crowne Plaza Hotel" ] ], "annotations": [ { "source": "e2e", "text": "The coffee shop Blue Spice is based near Crowne Plaza Hotel and has a high customer rating of 5 out of 5." }, { "source": "e2e", "text": "The Blue Spice coffee shop, near Crowne Plaza Hotel, has a customer rating of 5 out of 5." }, { "source": "e2e", "text": "If you want a coffee shop rated 5 out of 5 pick Blue Spice. It is located near Crowne Plaza Hotel." } ] }, { "tripleset": [ [ "Blue Spice", "eatType", "coffee shop" ], [ "Blue Spice", "customer rating", "average" ], [ "Blue Spice", "near", "Burger King" ] ], "annotations": [ { "source": "e2e", "text": "Burger King is near the coffee shop Blue Spice which has an average customer rating." }, { "source": "e2e", "text": "The Blue Spice coffee shop near Burger King has good customer ratings with excellent food and service, with a lovely atmosphere." }, { "source": "e2e", "text": "Average customer rating coffee shop include Blue Spice near Burger King." }, { "source": "e2e", "text": "The Blue Spice coffee shop located near Burger King has been rated average by customers." }, { "source": "e2e", "text": "Located near Burger King is a coffee shop named Blue Spice that has an average customer rating." }, { "source": "e2e", "text": "Near Burger King is a coffee shop called Blue Spice which has an average customer rating." }, { "source": "e2e", "text": "Near Burger King is the Blue Spice coffee shop. It has average customer ratings." } ] }, { "tripleset": [ [ "Blue Spice", "eatType", "coffee shop" ], [ "Blue Spice", "customer rating", "average" ], [ "Blue Spice", "near", "Crowne Plaza Hotel" ] ], "annotations": [ { "source": "e2e", "text": "Crowne Plaza Hotel has a coffee shop nearby with an average customer rating called Blue Spice." } ] }, { "tripleset": [ [ "Blue Spice", "eatType", "pub" ], [ "Blue Spice", "area", "city centre" ] ], "annotations": [ { "source": "e2e", "text": "A pub in the city centre area called Blue Spice." }, { "source": "e2e", "text": "Blue Spice is a pub in city centre." } ] }, { "tripleset": [ [ "Blue Spice", "eatType", "pub" ], [ "Blue Spice", "area", "riverside" ] ], "annotations": [ { "source": "e2e", "text": "There is a pub Blue Spice in the riverside area." }, { "source": "e2e", "text": "At the riverside, there is a pub called The Blue Spice." } ] }, { "tripleset": [ [ "Blue Spice", "eatType", "pub" ], [ "Blue Spice", "area", "riverside" ], [ "Blue Spice", "familyFriendly", "no" ], [ "Blue Spice", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "The Blue Spice is a pub located by the riverside, near the Rainbow Vegetarian Caf\u00e9. It is not child friendly." }, { "source": "e2e", "text": "Near the Rainbow Vegetarian Caf\u00e9, by the riverside is a pub called The Blue Spice. It is not suitable for families." }, { "source": "e2e", "text": "Near the river is a pub called The Blue Spice. It is located near the Rainbow Vegetarian Caf\u00e9 and is not family-friendly." }, { "source": "e2e", "text": "The Blue Spice is not a family-friendly pub located near the Rainbow Vegetarian Caf\u00e9 just off the river." } ] }, { "tripleset": [ [ "Blue Spice", "eatType", "pub" ], [ "Blue Spice", "area", "riverside" ], [ "Blue Spice", "familyFriendly", "yes" ], [ "Blue Spice", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "There is a pub that provides food and is children friendly, near Rainbow Vegetarian Caf\u00e9 and the riverside and is called Blue Spice." }, { "source": "e2e", "text": "Blue Spice is a child-friendly pub near Rainbow Vegetarian Caf\u00e9 in the riverside area." }, { "source": "e2e", "text": "Blue Spice is a pub providing food that is near the Rainbow Vegetarian Caf\u00e9 and riverside, and is children friendly." }, { "source": "e2e", "text": "In Riverside, near the Rainbow Vegetarian Caf\u00e9, you can find a family friendly pub called Blue Spice." } ] }, { "tripleset": [ [ "Blue Spice", "eatType", "pub" ], [ "Blue Spice", "customer rating", "5 out of 5" ], [ "Blue Spice", "near", "Crowne Plaza Hotel" ] ], "annotations": [ { "source": "e2e", "text": "The pub Blue Spice is based near Crowne Plaza Hotel and has a high customer rating of 5 out of 5." }, { "source": "e2e", "text": "The Blue Spice pub, near Crowne Plaza Hotel, has a customer rating of 5 out of 5." }, { "source": "e2e", "text": "If you want a pub rated 5 out of 5 pick Blue Spice. It is located near Crowne Plaza Hotel." } ] }, { "tripleset": [ [ "Blue Spice", "eatType", "pub" ], [ "Blue Spice", "customer rating", "average" ], [ "Blue Spice", "near", "Burger King" ] ], "annotations": [ { "source": "e2e", "text": "Burger King is near the pub Blue Spice which has an average customer rating." }, { "source": "e2e", "text": "The Blue Spice pub near Burger King has good customer ratings with excellent food and service, with a lovely atmosphere." }, { "source": "e2e", "text": "Average customer rating pub include Blue Spice near Burger King." }, { "source": "e2e", "text": "The Blue Spice pub located near Burger King has been rated average by customers." }, { "source": "e2e", "text": "Located near Burger King is a pub named Blue Spice that has an average customer rating." }, { "source": "e2e", "text": "Near Burger King is a pub called Blue Spice which has an average customer rating." }, { "source": "e2e", "text": "Near Burger King is the Blue Spice pub. It has average customer ratings." } ] }, { "tripleset": [ [ "Blue Spice", "eatType", "pub" ], [ "Blue Spice", "customer rating", "average" ], [ "Blue Spice", "near", "Crowne Plaza Hotel" ] ], "annotations": [ { "source": "e2e", "text": "Crowne Plaza Hotel has a pub nearby with an average customer rating called Blue Spice." } ] }, { "tripleset": [ [ "Blue Spice", "eatType", "pub" ], [ "Blue Spice", "familyFriendly", "no" ], [ "Blue Spice", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "Blue Spice is a pub located near the Rainbow Vegetarian Caf\u00e9. It is not family friendly." } ] }, { "tripleset": [ [ "Blue Spice", "eatType", "pub" ], [ "Blue Spice", "food", "Chinese" ], [ "Blue Spice", "area", "city centre" ], [ "Blue Spice", "familyFriendly", "no" ], [ "Blue Spice", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "The Blue Spice is a pub that also serves Chinese food, it's located in the city center. The pub isn't very family friendly, but the proximity to the Rainbow Vegetarian Caf\u00e9 makes up for it." }, { "source": "e2e", "text": "There is a pub Blue Spice located in the centre of the city that provides Chinese food. It is not family friendly and is located near Rainbow Vegetarian Caf\u00e9." }, { "source": "e2e", "text": "Blue Spice is a pub located in the city centre. It has Chinese food and is not family friendly and is located near Rainbow Vegetarian Caf\u00e9." } ] }, { "tripleset": [ [ "Blue Spice", "eatType", "pub" ], [ "Blue Spice", "food", "Chinese" ], [ "Blue Spice", "area", "city centre" ], [ "Blue Spice", "familyFriendly", "yes" ], [ "Blue Spice", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "Near Rainbow Vegetarian Caf\u00e9 Blue Spice pub Chinese in city centre family friendly no." }, { "source": "e2e", "text": "In the city centre near the Rainbow Vegetarian Caf\u00e9 there is a family friendly pub called Blue Spice. They serve Chinese food." }, { "source": "e2e", "text": "For Chinese, head to Blue Spice. It's a family friendly pub located in the City Centre near the Rainbow Vegetarian Caf\u00e9." }, { "source": "e2e", "text": "Blue Spice is a fusion pub and Chinese. It's located in the City Centre near the Rainbow Vegetarian Caf\u00e9. Families are welcome." }, { "source": "e2e", "text": "Blue Spice is a family friendly pub located in the city centre. It serves Chinese food and is near the Rainbow Vegetarian Caf\u00e9." } ] }, { "tripleset": [ [ "Blue Spice", "eatType", "pub" ], [ "Blue Spice", "food", "Chinese" ], [ "Blue Spice", "area", "city centre" ], [ "Blue Spice", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "Blue Spice, located near Rainbow Vegetarian Caf\u00e9 in the city centre, is a pub that also sells Chinese food. Children should not visit." }, { "source": "e2e", "text": "A pub named Blue Spice is located in the city centre. It is for adults and is close to Rainbow Vegetarian Caf\u00e9. They offer Chinese food." }, { "source": "e2e", "text": "located in the city center. right next to the Rainbow Vegetarian Caf\u00e9, the pub, Blue Spice, has wonderful Chinese food. The Blue Spice is perfect for date night, but i wouldn't recommend bringing your family there." }, { "source": "e2e", "text": "Blue Spice is a pub providing Chinese food It is located in the city centre. It is near Rainbow Vegetarian Caf\u00e9." }, { "source": "e2e", "text": "Blue Spice is a pub providing Chinese food It is located in the city centre. It is near Rainbow Vegetarian Caf\u00e9." } ] }, { "tripleset": [ [ "Blue Spice", "eatType", "pub" ], [ "Blue Spice", "food", "Chinese" ], [ "Blue Spice", "area", "riverside" ], [ "Blue Spice", "familyFriendly", "no" ], [ "Blue Spice", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "There is a non-family friendly pub along the riverside and near Rainbow Vegetarian Caf\u00e9. Its name is Blue Spice and serves Chinese food." }, { "source": "e2e", "text": "Blue Spice, a pub located riverside near the Rainbow Vegetarian Caf\u00e9, serves Chines food. It is not family friendly." }, { "source": "e2e", "text": "The Blue Spice is a great pub along the riverside, and is located near Rainbow Vegetarian Caf\u00e9. It is not family friendly, but serves Chinese food." }, { "source": "e2e", "text": "Blue Spice is a pub that serves Chinese food near the riverside and the Rainbow Vegetarian Caf\u00e9. It is not family friendly." }, { "source": "e2e", "text": "Blue Spice pub in riverside serves Chinese food. It is not family friendly and can be found near Rainbow Vegetarian Caf\u00e9." } ] }, { "tripleset": [ [ "Blue Spice", "eatType", "pub" ], [ "Blue Spice", "food", "Chinese" ], [ "Blue Spice", "area", "riverside" ], [ "Blue Spice", "familyFriendly", "yes" ], [ "Blue Spice", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "Blue Spice is a family friendly Chinese pub in Riverside near the Rainbow Vegetarian Caf\u00e9." }, { "source": "e2e", "text": "Blue Spice, a kid-friendly pub near the Rainbow Vegetarian Caf\u00e9 in the riverside area, is a place where one can order Chinese food." }, { "source": "e2e", "text": "Blue Spice is a family friendly pub serving Chinese in riverside near the Rainbow Vegetarian Caf\u00e9." }, { "source": "e2e", "text": "Kid friendly, .Blue Spice Chinese pub is in riverside, near Rainbow Vegetarian Caf\u00e9." }, { "source": "e2e", "text": "Blue Spice is a Chinese pub located in the riverside. It is family friendly is is near the Rainbow Vegetarian Caf\u00e9." }, { "source": "e2e", "text": "Blue Spice is a kid friendly pub that serves Chinese food in riverside near Rainbow Vegetarian Caf\u00e9." }, { "source": "e2e", "text": "Located in riverside near the Rainbow Vegetarian Caf\u00e9 is Blue Spice pub, serving Chinese food in a family friendly environment." }, { "source": "e2e", "text": "Blue Spice is a Chinese pub and pub in Riverside, besides being children Friendly. It is around the Rainbow Vegetarian Caf\u00e9" }, { "source": "e2e", "text": "When in the riverside area, try the family friendly pub Blue Spice. Offering Chinese food, located near Rainbow Vegetarian Caf\u00e9." }, { "source": "e2e", "text": "Near the Rainbow Vegetarian Caf\u00e9 in Riverside is a pub called Blue Spice. It is child friendly and serves Chinese food." }, { "source": "e2e", "text": "In the riverside near the Rainbow Vegetarian Caf\u00e9 is a family friendly Chinese pub named the Blue Spice." }, { "source": "e2e", "text": "The pub Blue Spice not only has Chinese food but is also considered to have a kid friendly environment whether this is because of its location in the area known as riverside or its proximity near Rainbow Vegetarian Caf\u00e9 its amazing." }, { "source": "e2e", "text": "Blue Spice Chinese pub in riverside, near Rainbow Vegetarian Caf\u00e9, is kid friendly." }, { "source": "e2e", "text": "Blue Spice is a pub that is child friendly and serves Chinese food. It is located in riverside near the Rainbow Vegetarian Caf\u00e9." }, { "source": "e2e", "text": "A kid friendly pub called Blue Spice is in riverside is near Rainbow Vegetarian Caf\u00e9 serves Chinese food." }, { "source": "e2e", "text": "Blue Spice pub offers Chinese food. It is located near Rainbow Vegetarian Caf\u00e9 near the riverside and it children friendly." }, { "source": "e2e", "text": "Near Rainbow Vegetarian Caf\u00e9 near the riverside is a children friendly pub called the Blue Spice. It has Chinese food." }, { "source": "e2e", "text": "Blue Spice is a family-oriented pub near the Rainbow Vegetarian Caf\u00e9 in the riverside area. Chinese food is served at Blue Spice." } ] }, { "tripleset": [ [ "Blue Spice", "eatType", "pub" ], [ "Blue Spice", "food", "Chinese" ], [ "Blue Spice", "area", "riverside" ], [ "Blue Spice", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "Blue Spice is a pub providing Chinese food It is located in the riverside. It is near Rainbow Vegetarian Caf\u00e9." }, { "source": "e2e", "text": "Blue Spice is a pub providing Chinese food It is located in the riverside. It is near Rainbow Vegetarian Caf\u00e9." }, { "source": "e2e", "text": "Blue Spice is a pub and Chinese pub located in Riverside near to Rainbow Vegetarian Caf\u00e9" } ] }, { "tripleset": [ [ "Blue Spice", "eatType", "pub" ], [ "Blue Spice", "food", "English" ], [ "Blue Spice", "area", "city centre" ], [ "Blue Spice", "familyFriendly", "no" ], [ "Blue Spice", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "Blue Spice is a pub that serves English food. It is located near Rainbow Vegetarian Caf\u00e9 is the city centre area. It is also a pub. It is not family-friendly." }, { "source": "e2e", "text": "Blue Spice is a pub that serves English food. It is located near Rainbow Vegetarian Caf\u00e9 is the city centre area. It is also a pub. It is not family-friendly." }, { "source": "e2e", "text": "Blue Spice is a pub located near Rainbow Vegetarian Caf\u00e9 located in city centre. It sells English food and is not a family-friendly shop." }, { "source": "e2e", "text": "Near the Rainbow Vegetarian Caf\u00e9 in the city centre is the family-unfriendly pub Blue Spice. They serve English food." }, { "source": "e2e", "text": "The Blue Spice sells English food and is not a family-friendly pub located in city centre near Rainbow Vegetarian Caf\u00e9." } ] }, { "tripleset": [ [ "Blue Spice", "eatType", "pub" ], [ "Blue Spice", "food", "English" ], [ "Blue Spice", "area", "city centre" ], [ "Blue Spice", "familyFriendly", "yes" ], [ "Blue Spice", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "The pub Blue Spice is not conducive for families. They serve English food and located in the city centre near the Rainbow Vegetarian Caf\u00e9." }, { "source": "e2e", "text": "Near the Rainbow Vegetarian Caf\u00e9 in the city centre, you will find the family-friendly pub Blue Spice, serving an English food menu." }, { "source": "e2e", "text": "There is a pub called Blue Spice near the Rainbow Vegetarian Caf\u00e9 in the city centre. It serves English cuisine and is family-friendly." }, { "source": "e2e", "text": "Blue Spice is a family-friendly pub that serves English cuisine. It is located in the city centre near Rainbow Vegetarian Caf\u00e9." }, { "source": "e2e", "text": "A family-friendly English pub near Rainbow Vegetarian Caf\u00e9 in the city centre is The Blue Spice." }, { "source": "e2e", "text": "The Blue Spice is a family-friendly English pub near Rainbow Vegetarian Caf\u00e9 in the city centre." }, { "source": "e2e", "text": "Blue Spice pub, located in the city centre near the Rainbow Vegetarian Caf\u00e9, offers a family-friendly environment and serves English dishes." } ] }, { "tripleset": [ [ "Blue Spice", "eatType", "pub" ], [ "Blue Spice", "food", "English" ], [ "Blue Spice", "area", "riverside" ], [ "Blue Spice", "familyFriendly", "no" ], [ "Blue Spice", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "An English pub called Blue Spice is situated near Rainbow Vegetarian Caf\u00e9 at Riverside. However, not suitable for families." }, { "source": "e2e", "text": "There is a riverside pub near the Rainbow Vegetarian Caf\u00e9 called Blue Spice. It serves English food but is not family-friendly." }, { "source": "e2e", "text": "A pub called Blue Spice is situated near Rainbow Vegetarian Caf\u00e9 at Riverside. Not family-friendly but serves English food." } ] }, { "tripleset": [ [ "Blue Spice", "eatType", "pub" ], [ "Blue Spice", "food", "English" ], [ "Blue Spice", "area", "riverside" ], [ "Blue Spice", "familyFriendly", "yes" ], [ "Blue Spice", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "The Blue Spice is a pub that serves English cuisine. It is a kid friendly pub located on the riverside near the Rainbow Vegetarian Caf\u00e9." }, { "source": "e2e", "text": "Near the Rainbow Vegetarian Caf\u00e9, area riverside, the Blue Spice pub, serves English food and has a family friendly atmosphere" }, { "source": "e2e", "text": "Blue Spice is a family-friendly pub providing English food. It is located near the Rainbow Vegetarian Caf\u00e9 in Riverside." }, { "source": "e2e", "text": "In the riverside area you can find a family friendly pub named Blue Spice. The serve English food and are located near Rainbow Vegetarian Caf\u00e9." }, { "source": "e2e", "text": "In the riverside area near Rainbow Vegetarian Caf\u00e9 you can enjoy English food at the pub Blue Spice in a child friendly atmosphere." }, { "source": "e2e", "text": "The Blue Spice is a child-friendly, English pub located in riverside area, near Rainbow Vegetarian Caf\u00e9." }, { "source": "e2e", "text": "Blue Spice is a kid friendly English pub near Rainbow Vegetarian Caf\u00e9 in Riverside." }, { "source": "e2e", "text": "There is a children friendly pub Blue Spice located on the riverside near Rainbow Vegetarian Caf\u00e9 that provides English food." }, { "source": "e2e", "text": "Blue Spice is located near Rainbow Vegetarian Caf\u00e9 in the riverside area and is a kid friendly pub that serves English food." }, { "source": "e2e", "text": "Blue Spice, a pub specializing in English eatery, is located in riverside near Rainbow Vegetarian Caf\u00e9 and is known to be very kid friendly." }, { "source": "e2e", "text": "Blue Spice is located on the riverside near the Rainbow Vegetarian Caf\u00e9. This pub is kid friendly and serves English cuisine." }, { "source": "e2e", "text": "Situated near the Rainbow Vegetarian Caf\u00e9 in the riverside area, is the family friendly pub Blue Spice. It serves English food." }, { "source": "e2e", "text": "In riverside there is a pub near Rainbow Vegetarian Caf\u00e9 called Blue Spice. It is kid friendly with English food." }, { "source": "e2e", "text": "There is a child friendly English pub called the Blue Spice by the riverside, near the Rainbow Vegetarian Caf\u00e9." }, { "source": "e2e", "text": "Blue Spice is an English pub located near Rainbow Vegetarian Caf\u00e9 on the riverside. Kids are welcome." }, { "source": "e2e", "text": "Located at riverside near Rainbow Vegetarian Caf\u00e9 stands children-friendly pub with English food called Blue Spice." }, { "source": "e2e", "text": "If you like English food there is a family-friendly pub called Blue Spice near the Rainbow Vegetarian Caf\u00e9 in Riverside." }, { "source": "e2e", "text": "Blue Spice is an English children friendly pub in Riverside near the Rainbow Vegetarian Caf\u00e9." }, { "source": "e2e", "text": "Blue Spice is in Riverside near the Rainbow Vegetarian Caf\u00e9 which is a English pub that is also children friendly." }, { "source": "e2e", "text": "Blue Spice is a pub located on the riverside near Rainbow Vegetarian Caf\u00e9. They serve English food and it is kids friendly." }, { "source": "e2e", "text": "Blue Spice is a pub located in Riverside near Rainbow Vegetarian Caf\u00e9 which serves English food and is known to be kid friendly." }, { "source": "e2e", "text": "Blue Spice near Rainbow Vegetarian Caf\u00e9 in Riverside is a pub serving English meals and child friendly" }, { "source": "e2e", "text": "Blue Spice us a pub in riverside near Rainbow Vegetarian Caf\u00e9. They serve English food and it's kid friendly." }, { "source": "e2e", "text": "The Blue Spice is a family friendly pub. They offer English food. It is located in the Riverside area near the Rainbow Vegetarian Caf\u00e9." }, { "source": "e2e", "text": "An English serving child friendly pub in Riverside is Blue Spice near Rainbow Vegetarian Caf\u00e9" }, { "source": "e2e", "text": "The Blue Spice is a pub. It is located near Rainbow Vegetarian Caf\u00e9 in the area of Riverside. This is a family friendly pub serving English food." }, { "source": "e2e", "text": "Blue Spice is a family friendly pub serving English food. It is situated in the riverside area near the Rainbow Vegetarian Caf\u00e9." }, { "source": "e2e", "text": "There is a pub called Blue Spice which serves English food, is kid friendly, and is in riverside near Rainbow Vegetarian Caf\u00e9." }, { "source": "e2e", "text": "Blue Spice is a child friendly pub specializing in English cuisine in the riverside area near Rainbow Vegetarian Caf\u00e9." }, { "source": "e2e", "text": "Blue Spice is a pub located near Rainbow Vegetarian Caf\u00e9 by the riverside. It serves English food and is children friendly" }, { "source": "e2e", "text": "The Blue Spice is a family friendly pub, located in the area of Riverside near the Rainbow Vegetarian Caf\u00e9. The food they offer is English." } ] }, { "tripleset": [ [ "Blue Spice", "eatType", "pub" ], [ "Blue Spice", "food", "English" ], [ "Blue Spice", "area", "riverside" ], [ "Blue Spice", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "Situated near the Rainbow Vegetarian Caf\u00e9 in the riverside area of the city, The Blue Spice pub, is ideal if you fancy traditional English food whilst out with the kids." } ] }, { "tripleset": [ [ "Blue Spice", "eatType", "pub" ], [ "Blue Spice", "food", "English" ], [ "Blue Spice", "familyFriendly", "no" ], [ "Blue Spice", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "Next to the river not far from Rainbow Vegetarian Caf\u00e9 is a no children pub Blue Spice which provides English breakfast." }, { "source": "e2e", "text": "Blue Spice has a no children policy, it is a pub sat next to the river that provides English breakfast not far from Rainbow Vegetarian Caf\u00e9." }, { "source": "e2e", "text": "Blue Spice is a pub serving English food. You'll find it alongside the river near to the Rainbow Vegetarian Caf\u00e9. It isn't a family-friendly establishment." } ] }, { "tripleset": [ [ "Blue Spice", "eatType", "pub" ], [ "Blue Spice", "food", "English" ], [ "Blue Spice", "familyFriendly", "yes" ], [ "Blue Spice", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "If you looking for children-friendly pub with English food go to Blue Spice near Rainbow Vegetarian Caf\u00e9." } ] }, { "tripleset": [ [ "Blue Spice", "eatType", "restaurant" ], [ "Blue Spice", "area", "riverside" ], [ "Blue Spice", "familyFriendly", "no" ], [ "Blue Spice", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "The Blue Spice is a restaurant located by the riverside, near the Rainbow Vegetarian Caf\u00e9. It is not child friendly." }, { "source": "e2e", "text": "Near the Rainbow Vegetarian Caf\u00e9, by the riverside is a restaurant called The Blue Spice. It is not suitable for families." }, { "source": "e2e", "text": "Near the river is a restaurant called The Blue Spice. It is located near the Rainbow Vegetarian Caf\u00e9 and is not family-friendly." }, { "source": "e2e", "text": "The Blue Spice is not a family-friendly restaurant located near the Rainbow Vegetarian Caf\u00e9 just off the river." } ] }, { "tripleset": [ [ "Blue Spice", "eatType", "restaurant" ], [ "Blue Spice", "area", "riverside" ], [ "Blue Spice", "familyFriendly", "yes" ], [ "Blue Spice", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "There is a restaurant that provides food and is children friendly, near Rainbow Vegetarian Caf\u00e9 and the riverside and is called Blue Spice." }, { "source": "e2e", "text": "Blue Spice is a child-friendly restaurant near Rainbow Vegetarian Caf\u00e9 in the riverside area." }, { "source": "e2e", "text": "Blue Spice is a restaurant providing food that is near the Rainbow Vegetarian Caf\u00e9 and riverside, and is children friendly." }, { "source": "e2e", "text": "In Riverside, near the Rainbow Vegetarian Caf\u00e9, you can find a family friendly restaurant called Blue Spice." } ] }, { "tripleset": [ [ "Blue Spice", "eatType", "restaurant" ], [ "Blue Spice", "familyFriendly", "no" ], [ "Blue Spice", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "Blue Spice is a restaurant located near the Rainbow Vegetarian Caf\u00e9. It is not family friendly." } ] }, { "tripleset": [ [ "Blue Spice", "eatType", "restaurant" ], [ "Blue Spice", "food", "Chinese" ], [ "Blue Spice", "area", "city centre" ], [ "Blue Spice", "familyFriendly", "no" ], [ "Blue Spice", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "The Blue Spice is a restaurant that also serves Chinese food, it's located in the city center. The restaurant isn't very family friendly, but the proximity to the Rainbow Vegetarian Caf\u00e9 makes up for it." }, { "source": "e2e", "text": "There is a restaurant Blue Spice located in the centre of the city that provides Chinese food. It is not family friendly and is located near Rainbow Vegetarian Caf\u00e9." }, { "source": "e2e", "text": "Blue Spice is a restaurant located in the city centre. It has Chinese food and is not family friendly and is located near Rainbow Vegetarian Caf\u00e9." } ] }, { "tripleset": [ [ "Blue Spice", "eatType", "restaurant" ], [ "Blue Spice", "food", "Chinese" ], [ "Blue Spice", "area", "city centre" ], [ "Blue Spice", "familyFriendly", "yes" ], [ "Blue Spice", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "Near Rainbow Vegetarian Caf\u00e9 Blue Spice restaurant Chinese in city centre family friendly no." }, { "source": "e2e", "text": "In the city centre near the Rainbow Vegetarian Caf\u00e9 there is a family friendly restaurant called Blue Spice. They serve Chinese food." }, { "source": "e2e", "text": "For Chinese, head to Blue Spice. It's a family friendly restaurant located in the City Centre near the Rainbow Vegetarian Caf\u00e9." }, { "source": "e2e", "text": "Blue Spice is a fusion restaurant and Chinese. It's located in the City Centre near the Rainbow Vegetarian Caf\u00e9. Families are welcome." }, { "source": "e2e", "text": "Blue Spice is a family friendly restaurant located in the city centre. It serves Chinese food and is near the Rainbow Vegetarian Caf\u00e9." } ] }, { "tripleset": [ [ "Blue Spice", "eatType", "restaurant" ], [ "Blue Spice", "food", "Chinese" ], [ "Blue Spice", "area", "city centre" ], [ "Blue Spice", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "Blue Spice, located near Rainbow Vegetarian Caf\u00e9 in the city centre, is a restaurant that also sells Chinese food. Children should not visit." }, { "source": "e2e", "text": "A restaurant named Blue Spice is located in the city centre. It is for adults and is close to Rainbow Vegetarian Caf\u00e9. They offer Chinese food." }, { "source": "e2e", "text": "located in the city center. right next to the Rainbow Vegetarian Caf\u00e9, the restaurant, Blue Spice, has wonderful Chinese food. The Blue Spice is perfect for date night, but i wouldn't recommend bringing your family there." }, { "source": "e2e", "text": "Blue Spice is a restaurant providing Chinese food It is located in the city centre. It is near Rainbow Vegetarian Caf\u00e9." }, { "source": "e2e", "text": "Blue Spice is a restaurant providing Chinese food It is located in the city centre. It is near Rainbow Vegetarian Caf\u00e9." } ] }, { "tripleset": [ [ "Blue Spice", "eatType", "restaurant" ], [ "Blue Spice", "food", "Chinese" ], [ "Blue Spice", "area", "riverside" ], [ "Blue Spice", "familyFriendly", "no" ], [ "Blue Spice", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "There is a non-family friendly restaurant along the riverside and near Rainbow Vegetarian Caf\u00e9. Its name is Blue Spice and serves Chinese food." }, { "source": "e2e", "text": "Blue Spice, a restaurant located riverside near the Rainbow Vegetarian Caf\u00e9, serves Chines food. It is not family friendly." }, { "source": "e2e", "text": "The Blue Spice is a great restaurant along the riverside, and is located near Rainbow Vegetarian Caf\u00e9. It is not family friendly, but serves Chinese food." }, { "source": "e2e", "text": "Blue Spice is a restaurant that serves Chinese food near the riverside and the Rainbow Vegetarian Caf\u00e9. It is not family friendly." }, { "source": "e2e", "text": "Blue Spice restaurant in riverside serves Chinese food. It is not family friendly and can be found near Rainbow Vegetarian Caf\u00e9." } ] }, { "tripleset": [ [ "Blue Spice", "eatType", "restaurant" ], [ "Blue Spice", "food", "Chinese" ], [ "Blue Spice", "area", "riverside" ], [ "Blue Spice", "familyFriendly", "yes" ], [ "Blue Spice", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "Blue Spice is a family friendly Chinese restaurant in Riverside near the Rainbow Vegetarian Caf\u00e9." }, { "source": "e2e", "text": "Blue Spice, a kid-friendly restaurant near the Rainbow Vegetarian Caf\u00e9 in the riverside area, is a place where one can order Chinese food." }, { "source": "e2e", "text": "Blue Spice is a family friendly restaurant serving Chinese in riverside near the Rainbow Vegetarian Caf\u00e9." }, { "source": "e2e", "text": "Kid friendly, .Blue Spice Chinese restaurant is in riverside, near Rainbow Vegetarian Caf\u00e9." }, { "source": "e2e", "text": "Blue Spice is a Chinese restaurant located in the riverside. It is family friendly is is near the Rainbow Vegetarian Caf\u00e9." }, { "source": "e2e", "text": "Blue Spice is a kid friendly restaurant that serves Chinese food in riverside near Rainbow Vegetarian Caf\u00e9." }, { "source": "e2e", "text": "Located in riverside near the Rainbow Vegetarian Caf\u00e9 is Blue Spice restaurant, serving Chinese food in a family friendly environment." }, { "source": "e2e", "text": "Blue Spice is a Chinese restaurant and restaurant in Riverside, besides being children Friendly. It is around the Rainbow Vegetarian Caf\u00e9" }, { "source": "e2e", "text": "When in the riverside area, try the family friendly restaurant Blue Spice. Offering Chinese food, located near Rainbow Vegetarian Caf\u00e9." }, { "source": "e2e", "text": "Near the Rainbow Vegetarian Caf\u00e9 in Riverside is a restaurant called Blue Spice. It is child friendly and serves Chinese food." }, { "source": "e2e", "text": "In the riverside near the Rainbow Vegetarian Caf\u00e9 is a family friendly Chinese restaurant named the Blue Spice." }, { "source": "e2e", "text": "The restaurant Blue Spice not only has Chinese food but is also considered to have a kid friendly environment whether this is because of its location in the area known as riverside or its proximity near Rainbow Vegetarian Caf\u00e9 its amazing." }, { "source": "e2e", "text": "Blue Spice Chinese restaurant in riverside, near Rainbow Vegetarian Caf\u00e9, is kid friendly." }, { "source": "e2e", "text": "Blue Spice is a restaurant that is child friendly and serves Chinese food. It is located in riverside near the Rainbow Vegetarian Caf\u00e9." }, { "source": "e2e", "text": "A kid friendly restaurant called Blue Spice is in riverside is near Rainbow Vegetarian Caf\u00e9 serves Chinese food." }, { "source": "e2e", "text": "Blue Spice restaurant offers Chinese food. It is located near Rainbow Vegetarian Caf\u00e9 near the riverside and it children friendly." }, { "source": "e2e", "text": "Near Rainbow Vegetarian Caf\u00e9 near the riverside is a children friendly restaurant called the Blue Spice. It has Chinese food." }, { "source": "e2e", "text": "Blue Spice is a family-oriented restaurant near the Rainbow Vegetarian Caf\u00e9 in the riverside area. Chinese food is served at Blue Spice." } ] }, { "tripleset": [ [ "Blue Spice", "eatType", "restaurant" ], [ "Blue Spice", "food", "Chinese" ], [ "Blue Spice", "area", "riverside" ], [ "Blue Spice", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "Blue Spice is a restaurant providing Chinese food It is located in the riverside. It is near Rainbow Vegetarian Caf\u00e9." }, { "source": "e2e", "text": "Blue Spice is a restaurant providing Chinese food It is located in the riverside. It is near Rainbow Vegetarian Caf\u00e9." }, { "source": "e2e", "text": "Blue Spice is a restaurant and Chinese restaurant located in Riverside near to Rainbow Vegetarian Caf\u00e9" } ] }, { "tripleset": [ [ "Blue Spice", "eatType", "restaurant" ], [ "Blue Spice", "food", "English" ], [ "Blue Spice", "area", "city centre" ], [ "Blue Spice", "familyFriendly", "no" ], [ "Blue Spice", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "Blue Spice is a restaurant that serves English food. It is located near Rainbow Vegetarian Caf\u00e9 is the city centre area. It is also a restaurant. It is not family-friendly." }, { "source": "e2e", "text": "Blue Spice is a restaurant that serves English food. It is located near Rainbow Vegetarian Caf\u00e9 is the city centre area. It is also a restaurant. It is not family-friendly." }, { "source": "e2e", "text": "Blue Spice is a restaurant located near Rainbow Vegetarian Caf\u00e9 located in city centre. It sells English food and is not a family-friendly shop." }, { "source": "e2e", "text": "Near the Rainbow Vegetarian Caf\u00e9 in the city centre is the family-unfriendly restaurant Blue Spice. They serve English food." }, { "source": "e2e", "text": "The Blue Spice sells English food and is not a family-friendly restaurant located in city centre near Rainbow Vegetarian Caf\u00e9." } ] }, { "tripleset": [ [ "Blue Spice", "eatType", "restaurant" ], [ "Blue Spice", "food", "English" ], [ "Blue Spice", "area", "city centre" ], [ "Blue Spice", "familyFriendly", "yes" ], [ "Blue Spice", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "The restaurant Blue Spice is not conducive for families. They serve English food and located in the city centre near the Rainbow Vegetarian Caf\u00e9." }, { "source": "e2e", "text": "Near the Rainbow Vegetarian Caf\u00e9 in the city centre, you will find the family-friendly restaurant Blue Spice, serving an English food menu." }, { "source": "e2e", "text": "There is a restaurant called Blue Spice near the Rainbow Vegetarian Caf\u00e9 in the city centre. It serves English cuisine and is family-friendly." }, { "source": "e2e", "text": "Blue Spice is a family-friendly restaurant that serves English cuisine. It is located in the city centre near Rainbow Vegetarian Caf\u00e9." }, { "source": "e2e", "text": "A family-friendly English restaurant near Rainbow Vegetarian Caf\u00e9 in the city centre is The Blue Spice." }, { "source": "e2e", "text": "The Blue Spice is a family-friendly English restaurant near Rainbow Vegetarian Caf\u00e9 in the city centre." }, { "source": "e2e", "text": "Blue Spice restaurant, located in the city centre near the Rainbow Vegetarian Caf\u00e9, offers a family-friendly environment and serves English dishes." } ] }, { "tripleset": [ [ "Blue Spice", "eatType", "restaurant" ], [ "Blue Spice", "food", "English" ], [ "Blue Spice", "area", "riverside" ], [ "Blue Spice", "familyFriendly", "no" ], [ "Blue Spice", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "An English restaurant called Blue Spice is situated near Rainbow Vegetarian Caf\u00e9 at Riverside. However, not suitable for families." }, { "source": "e2e", "text": "There is a riverside restaurant near the Rainbow Vegetarian Caf\u00e9 called Blue Spice. It serves English food but is not family-friendly." }, { "source": "e2e", "text": "A restaurant called Blue Spice is situated near Rainbow Vegetarian Caf\u00e9 at Riverside. Not family-friendly but serves English food." } ] }, { "tripleset": [ [ "Blue Spice", "eatType", "restaurant" ], [ "Blue Spice", "food", "English" ], [ "Blue Spice", "area", "riverside" ], [ "Blue Spice", "familyFriendly", "yes" ], [ "Blue Spice", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "The Blue Spice is a restaurant that serves English cuisine. It is a kid friendly restaurant located on the riverside near the Rainbow Vegetarian Caf\u00e9." }, { "source": "e2e", "text": "Near the Rainbow Vegetarian Caf\u00e9, area riverside, the Blue Spice restaurant, serves English food and has a family friendly atmosphere" }, { "source": "e2e", "text": "Blue Spice is a family-friendly restaurant providing English food. It is located near the Rainbow Vegetarian Caf\u00e9 in Riverside." }, { "source": "e2e", "text": "In the riverside area you can find a family friendly restaurant named Blue Spice. The serve English food and are located near Rainbow Vegetarian Caf\u00e9." }, { "source": "e2e", "text": "In the riverside area near Rainbow Vegetarian Caf\u00e9 you can enjoy English food at the restaurant Blue Spice in a child friendly atmosphere." }, { "source": "e2e", "text": "The Blue Spice is a child-friendly, English restaurant located in riverside area, near Rainbow Vegetarian Caf\u00e9." }, { "source": "e2e", "text": "Blue Spice is a kid friendly English restaurant near Rainbow Vegetarian Caf\u00e9 in Riverside." }, { "source": "e2e", "text": "There is a children friendly restaurant Blue Spice located on the riverside near Rainbow Vegetarian Caf\u00e9 that provides English food." }, { "source": "e2e", "text": "Blue Spice is located near Rainbow Vegetarian Caf\u00e9 in the riverside area and is a kid friendly restaurant that serves English food." }, { "source": "e2e", "text": "Blue Spice, a restaurant specializing in English eatery, is located in riverside near Rainbow Vegetarian Caf\u00e9 and is known to be very kid friendly." }, { "source": "e2e", "text": "Blue Spice is located on the riverside near the Rainbow Vegetarian Caf\u00e9. This restaurant is kid friendly and serves English cuisine." }, { "source": "e2e", "text": "Situated near the Rainbow Vegetarian Caf\u00e9 in the riverside area, is the family friendly restaurant Blue Spice. It serves English food." }, { "source": "e2e", "text": "In riverside there is a restaurant near Rainbow Vegetarian Caf\u00e9 called Blue Spice. It is kid friendly with English food." }, { "source": "e2e", "text": "There is a child friendly English restaurant called the Blue Spice by the riverside, near the Rainbow Vegetarian Caf\u00e9." }, { "source": "e2e", "text": "Blue Spice is an English restaurant located near Rainbow Vegetarian Caf\u00e9 on the riverside. Kids are welcome." }, { "source": "e2e", "text": "Located at riverside near Rainbow Vegetarian Caf\u00e9 stands children-friendly restaurant with English food called Blue Spice." }, { "source": "e2e", "text": "If you like English food there is a family-friendly restaurant called Blue Spice near the Rainbow Vegetarian Caf\u00e9 in Riverside." }, { "source": "e2e", "text": "Blue Spice is an English children friendly restaurant in Riverside near the Rainbow Vegetarian Caf\u00e9." }, { "source": "e2e", "text": "Blue Spice is in Riverside near the Rainbow Vegetarian Caf\u00e9 which is a English restaurant that is also children friendly." }, { "source": "e2e", "text": "Blue Spice is a restaurant located on the riverside near Rainbow Vegetarian Caf\u00e9. They serve English food and it is kids friendly." }, { "source": "e2e", "text": "Blue Spice is a restaurant located in Riverside near Rainbow Vegetarian Caf\u00e9 which serves English food and is known to be kid friendly." }, { "source": "e2e", "text": "Blue Spice near Rainbow Vegetarian Caf\u00e9 in Riverside is a restaurant serving English meals and child friendly" }, { "source": "e2e", "text": "Blue Spice us a restaurant in riverside near Rainbow Vegetarian Caf\u00e9. They serve English food and it's kid friendly." }, { "source": "e2e", "text": "The Blue Spice is a family friendly restaurant. They offer English food. It is located in the Riverside area near the Rainbow Vegetarian Caf\u00e9." }, { "source": "e2e", "text": "An English serving child friendly restaurant in Riverside is Blue Spice near Rainbow Vegetarian Caf\u00e9" }, { "source": "e2e", "text": "The Blue Spice is a restaurant. It is located near Rainbow Vegetarian Caf\u00e9 in the area of Riverside. This is a family friendly restaurant serving English food." }, { "source": "e2e", "text": "Blue Spice is a family friendly restaurant serving English food. It is situated in the riverside area near the Rainbow Vegetarian Caf\u00e9." }, { "source": "e2e", "text": "There is a restaurant called Blue Spice which serves English food, is kid friendly, and is in riverside near Rainbow Vegetarian Caf\u00e9." }, { "source": "e2e", "text": "Blue Spice is a child friendly restaurant specializing in English cuisine in the riverside area near Rainbow Vegetarian Caf\u00e9." }, { "source": "e2e", "text": "Blue Spice is a restaurant located near Rainbow Vegetarian Caf\u00e9 by the riverside. It serves English food and is children friendly" }, { "source": "e2e", "text": "The Blue Spice is a family friendly restaurant, located in the area of Riverside near the Rainbow Vegetarian Caf\u00e9. The food they offer is English." } ] }, { "tripleset": [ [ "Blue Spice", "eatType", "restaurant" ], [ "Blue Spice", "food", "English" ], [ "Blue Spice", "area", "riverside" ], [ "Blue Spice", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "Situated near the Rainbow Vegetarian Caf\u00e9 in the riverside area of the city, The Blue Spice restaurant, is ideal if you fancy traditional English food whilst out with the kids." } ] }, { "tripleset": [ [ "Blue Spice", "eatType", "restaurant" ], [ "Blue Spice", "food", "English" ], [ "Blue Spice", "familyFriendly", "no" ], [ "Blue Spice", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "Next to the river not far from Rainbow Vegetarian Caf\u00e9 is a no children restaurant Blue Spice which provides English breakfast." }, { "source": "e2e", "text": "Blue Spice has a no children policy, it is a restaurant sat next to the river that provides English breakfast not far from Rainbow Vegetarian Caf\u00e9." }, { "source": "e2e", "text": "Blue Spice is a restaurant serving English food. You'll find it alongside the river near to the Rainbow Vegetarian Caf\u00e9. It isn't a family-friendly establishment." } ] }, { "tripleset": [ [ "Blue Spice", "eatType", "restaurant" ], [ "Blue Spice", "food", "English" ], [ "Blue Spice", "familyFriendly", "yes" ], [ "Blue Spice", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "If you looking for children-friendly restaurant with English food go to Blue Spice near Rainbow Vegetarian Caf\u00e9." } ] }, { "tripleset": [ [ "Clowns", "eatType", "coffee shop" ], [ "Clowns", "customer rating", "3 out of 5" ], [ "Clowns", "near", "All Bar One" ] ], "annotations": [ { "source": "e2e", "text": "Good customer score of 3 out of 5 Clowns coffee shop is a recommended place to eat. Located near the All Bar One." }, { "source": "e2e", "text": "Near All Bar One there is a coffee shop named Clowns and it is rated 3 out of 5." }, { "source": "e2e", "text": "Near All Bar One the Clowns coffee shop is rated 3 out of 5." }, { "source": "e2e", "text": "A coffee shop called the Clowns has a customer rating of 3 out of 5 and is located near All Bar One." }, { "source": "e2e", "text": "Located near All Bar One, The Clowns coffee shop has a customer rating of 3 out of 5." } ] }, { "tripleset": [ [ "Clowns", "eatType", "coffee shop" ], [ "Clowns", "customer rating", "5 out of 5" ], [ "Clowns", "near", "Crowne Plaza Hotel" ] ], "annotations": [ { "source": "e2e", "text": "The coffee shop Clowns that is near Crowne Plaza Hotel has ratings of 5 out of 5." }, { "source": "e2e", "text": "The coffee shop Clowns is near Crowne Plaza Hotel and has a customer rating of 5 out of 5." }, { "source": "e2e", "text": "Near Crowne Plaza Hotel is a coffee shop named Clowns that proudly boasts a high customer rating of 5 out of 5." }, { "source": "e2e", "text": "Found near Crowne Plaza Hotel, Clowns is a coffee shop with a customer rating of 5 out of 5." }, { "source": "e2e", "text": "Crowne Plaza Hotel is a coffee shop in Clowns with a rating 5 out of 5." }, { "source": "e2e", "text": "5 out of 5 rated Clowns coffee shop is located near Crowne Plaza Hotel." }, { "source": "e2e", "text": "Near Crowne Plaza Hotel there is a coffee shop with a 5 out of 5 rating. It's called Clowns." }, { "source": "e2e", "text": "Located near Crowne Plaza Hotel, The Clowns coffee shop has a customer rating of 5 out of 5." }, { "source": "e2e", "text": "The coffee shop Clowns is near Crowne Plaza Hotel and has a customer rating of 5 out of 5." }, { "source": "e2e", "text": "For a coffee shop with a 5 out of 5 rating, check out Clowns near Crowne Plaza Hotel." } ] }, { "tripleset": [ [ "Clowns", "eatType", "coffee shop" ], [ "Clowns", "near", "Crowne Plaza Hotel" ] ], "annotations": [ { "source": "e2e", "text": "Crowne Plaza Hotel is a popular coffee shop in Clowns." } ] }, { "tripleset": [ [ "Clowns", "eatType", "coffee shop" ], [ "Clowns", "near", "The Sorrento" ] ], "annotations": [ { "source": "e2e", "text": "Close to The Sorrento you can find Clowns coffee shop." } ] }, { "tripleset": [ [ "Clowns", "eatType", "coffee shop" ], [ "Clowns", "priceRange", "more than \u00a330" ], [ "Clowns", "customer rating", "3 out of 5" ], [ "Clowns", "near", "All Bar One" ] ], "annotations": [ { "source": "e2e", "text": "For a 3 out of 5 star customer rated coffee shop near All Bar One, Clowns is relatively expensive." } ] }, { "tripleset": [ [ "Clowns", "eatType", "pub" ], [ "Clowns", "customer rating", "3 out of 5" ], [ "Clowns", "near", "All Bar One" ] ], "annotations": [ { "source": "e2e", "text": "Good customer score of 3 out of 5 Clowns pub is a recommended place to eat. Located near the All Bar One." }, { "source": "e2e", "text": "Near All Bar One there is a pub named Clowns and it is rated 3 out of 5." }, { "source": "e2e", "text": "Near All Bar One the Clowns pub is rated 3 out of 5." }, { "source": "e2e", "text": "A pub called the Clowns has a customer rating of 3 out of 5 and is located near All Bar One." }, { "source": "e2e", "text": "Located near All Bar One, The Clowns pub has a customer rating of 3 out of 5." } ] }, { "tripleset": [ [ "Clowns", "eatType", "pub" ], [ "Clowns", "customer rating", "5 out of 5" ], [ "Clowns", "near", "Crowne Plaza Hotel" ] ], "annotations": [ { "source": "e2e", "text": "The pub Clowns that is near Crowne Plaza Hotel has ratings of 5 out of 5." }, { "source": "e2e", "text": "The pub Clowns is near Crowne Plaza Hotel and has a customer rating of 5 out of 5." }, { "source": "e2e", "text": "Near Crowne Plaza Hotel is a pub named Clowns that proudly boasts a high customer rating of 5 out of 5." }, { "source": "e2e", "text": "Found near Crowne Plaza Hotel, Clowns is a pub with a customer rating of 5 out of 5." }, { "source": "e2e", "text": "Crowne Plaza Hotel is a pub in Clowns with a rating 5 out of 5." }, { "source": "e2e", "text": "5 out of 5 rated Clowns pub is located near Crowne Plaza Hotel." }, { "source": "e2e", "text": "Near Crowne Plaza Hotel there is a pub with a 5 out of 5 rating. It's called Clowns." }, { "source": "e2e", "text": "Located near Crowne Plaza Hotel, The Clowns pub has a customer rating of 5 out of 5." }, { "source": "e2e", "text": "The pub Clowns is near Crowne Plaza Hotel and has a customer rating of 5 out of 5." }, { "source": "e2e", "text": "For a pub with a 5 out of 5 rating, check out Clowns near Crowne Plaza Hotel." } ] }, { "tripleset": [ [ "Clowns", "eatType", "pub" ], [ "Clowns", "near", "Crowne Plaza Hotel" ] ], "annotations": [ { "source": "e2e", "text": "Crowne Plaza Hotel is a popular pub in Clowns." } ] }, { "tripleset": [ [ "Clowns", "eatType", "pub" ], [ "Clowns", "near", "The Sorrento" ] ], "annotations": [ { "source": "e2e", "text": "Close to The Sorrento you can find Clowns pub." } ] }, { "tripleset": [ [ "Clowns", "eatType", "pub" ], [ "Clowns", "priceRange", "more than \u00a330" ], [ "Clowns", "customer rating", "3 out of 5" ], [ "Clowns", "near", "All Bar One" ] ], "annotations": [ { "source": "e2e", "text": "For a 3 out of 5 star customer rated pub near All Bar One, Clowns is relatively expensive." } ] }, { "tripleset": [ [ "Cocum", "eatType", "coffee shop" ], [ "Cocum", "customer rating", "high" ], [ "Cocum", "near", "Burger King" ] ], "annotations": [ { "source": "e2e", "text": "Near Burger King there is a highly rated coffee shop named Cocum." }, { "source": "e2e", "text": "There is a coffee shop named Cocum located near Burger King. This coffee shop has a high customer rating." } ] }, { "tripleset": [ [ "Cocum", "eatType", "coffee shop" ], [ "Cocum", "customer rating", "high" ], [ "Cocum", "near", "Caf\u00e9 Sicilia" ] ], "annotations": [ { "source": "e2e", "text": "coffee shop located near Caf\u00e9 Sicilia called Cocum with a high customer rating" }, { "source": "e2e", "text": "Near Caf\u00e9 Sicilia is a high rated coffee shop called Cocum" }, { "source": "e2e", "text": "coffee shop Cocum has a high customer rating and is located near Caf\u00e9 Sicilia." }, { "source": "e2e", "text": "There is a coffee shop named Cocum located near Caf\u00e9 Sicilia. The customer rating is high." }, { "source": "e2e", "text": "For a coffee shop with high customer rating near Caf\u00e9 Sicilia, try Cocum." }, { "source": "e2e", "text": "There is a high rated coffee shop named Cocum near Caf\u00e9 Sicilia." } ] }, { "tripleset": [ [ "Cocum", "eatType", "coffee shop" ], [ "Cocum", "customer rating", "low" ], [ "Cocum", "near", "Caf\u00e9 Sicilia" ] ], "annotations": [ { "source": "e2e", "text": "Cocum, a coffee shop with a low customer rating, is near Caf\u00e9 Sicilia." } ] }, { "tripleset": [ [ "Cocum", "eatType", "coffee shop" ], [ "Cocum", "customer rating", "low" ], [ "Cocum", "near", "Express by Holiday Inn" ] ], "annotations": [ { "source": "e2e", "text": "Cocum coffee shop is a one star coffee shop located next to Express by Holiday Inn" }, { "source": "e2e", "text": "Cocum coffee shop near Express by Holiday Inn received a low customer Rating." }, { "source": "e2e", "text": "Cocum, a coffee shop located near Express by Holiday Inn, has low customer ratings." }, { "source": "e2e", "text": "Cocum is a coffee shop, near Express by Holiday Inn, with a low customer rating." }, { "source": "e2e", "text": "There is a one star coffee shop Cocum located near Express by Holiday Inn" } ] }, { "tripleset": [ [ "Cocum", "eatType", "coffee shop" ], [ "Cocum", "near", "Express by Holiday Inn" ] ], "annotations": [ { "source": "e2e", "text": "If you are looking for a meal at a bargain price in the Express by Holiday Inn area, visit Cocum coffee shop." } ] }, { "tripleset": [ [ "Cocum", "eatType", "coffee shop" ], [ "Cocum", "near", "The Rice Boat" ] ], "annotations": [ { "source": "e2e", "text": "Cocum is a coffee shop located a few steps of The Rice Boat." }, { "source": "e2e", "text": "For a coffee shop near The Rice Boat, try Cocum." } ] }, { "tripleset": [ [ "Cocum", "eatType", "coffee shop" ], [ "Cocum", "near", "The Sorrento" ] ], "annotations": [ { "source": "e2e", "text": "Cocum is a coffee shop by The Sorrento." } ] }, { "tripleset": [ [ "Cocum", "eatType", "coffee shop" ], [ "Cocum", "priceRange", "cheap" ], [ "Cocum", "near", "Express by Holiday Inn" ] ], "annotations": [ { "source": "e2e", "text": "Cocum is a coffee shop near Express by Holiday Inn with food at low prices." } ] }, { "tripleset": [ [ "Cocum", "eatType", "pub" ], [ "Cocum", "customer rating", "high" ], [ "Cocum", "near", "Burger King" ] ], "annotations": [ { "source": "e2e", "text": "Near Burger King there is a highly rated pub named Cocum." }, { "source": "e2e", "text": "There is a pub named Cocum located near Burger King. This pub has a high customer rating." } ] }, { "tripleset": [ [ "Cocum", "eatType", "pub" ], [ "Cocum", "customer rating", "high" ], [ "Cocum", "near", "Caf\u00e9 Sicilia" ] ], "annotations": [ { "source": "e2e", "text": "pub located near Caf\u00e9 Sicilia called Cocum with a high customer rating" }, { "source": "e2e", "text": "Near Caf\u00e9 Sicilia is a high rated pub called Cocum" }, { "source": "e2e", "text": "pub Cocum has a high customer rating and is located near Caf\u00e9 Sicilia." }, { "source": "e2e", "text": "There is a pub named Cocum located near Caf\u00e9 Sicilia. The customer rating is high." }, { "source": "e2e", "text": "For a pub with high customer rating near Caf\u00e9 Sicilia, try Cocum." }, { "source": "e2e", "text": "There is a high rated pub named Cocum near Caf\u00e9 Sicilia." } ] }, { "tripleset": [ [ "Cocum", "eatType", "pub" ], [ "Cocum", "customer rating", "low" ], [ "Cocum", "near", "Caf\u00e9 Sicilia" ] ], "annotations": [ { "source": "e2e", "text": "Cocum, a pub with a low customer rating, is near Caf\u00e9 Sicilia." } ] }, { "tripleset": [ [ "Cocum", "eatType", "pub" ], [ "Cocum", "customer rating", "low" ], [ "Cocum", "near", "Express by Holiday Inn" ] ], "annotations": [ { "source": "e2e", "text": "Cocum pub is a one star pub located next to Express by Holiday Inn" }, { "source": "e2e", "text": "Cocum pub near Express by Holiday Inn received a low customer Rating." }, { "source": "e2e", "text": "Cocum, a pub located near Express by Holiday Inn, has low customer ratings." }, { "source": "e2e", "text": "Cocum is a pub, near Express by Holiday Inn, with a low customer rating." }, { "source": "e2e", "text": "There is a one star pub Cocum located near Express by Holiday Inn" } ] }, { "tripleset": [ [ "Cocum", "eatType", "pub" ], [ "Cocum", "near", "Express by Holiday Inn" ] ], "annotations": [ { "source": "e2e", "text": "If you are looking for a meal at a bargain price in the Express by Holiday Inn area, visit Cocum pub." } ] }, { "tripleset": [ [ "Cocum", "eatType", "pub" ], [ "Cocum", "near", "The Rice Boat" ] ], "annotations": [ { "source": "e2e", "text": "Cocum is a pub located a few steps of The Rice Boat." }, { "source": "e2e", "text": "For a pub near The Rice Boat, try Cocum." } ] }, { "tripleset": [ [ "Cocum", "eatType", "pub" ], [ "Cocum", "near", "The Sorrento" ] ], "annotations": [ { "source": "e2e", "text": "Cocum is a pub by The Sorrento." } ] }, { "tripleset": [ [ "Cocum", "eatType", "pub" ], [ "Cocum", "priceRange", "cheap" ], [ "Cocum", "near", "Express by Holiday Inn" ] ], "annotations": [ { "source": "e2e", "text": "Cocum is a pub near Express by Holiday Inn with food at low prices." } ] }, { "tripleset": [ [ "Cotto", "eatType", "coffee shop" ], [ "Cotto", "near", "The Bakers" ] ], "annotations": [ { "source": "e2e", "text": "next to The Bakers resides a coffee shop by the name of Cotto." }, { "source": "e2e", "text": "A coffee shop called Cotto is situated near The Bakers." } ] }, { "tripleset": [ [ "Cotto", "eatType", "pub" ], [ "Cotto", "near", "The Bakers" ] ], "annotations": [ { "source": "e2e", "text": "next to The Bakers resides a pub by the name of Cotto." }, { "source": "e2e", "text": "A pub called Cotto is situated near The Bakers." } ] }, { "tripleset": [ [ "Giraffe", "eatType", "coffee shop" ], [ "Giraffe", "food", "French" ], [ "Giraffe", "area", "city centre" ], [ "Giraffe", "familyFriendly", "no" ], [ "Giraffe", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "For French food and coffee, you can go to Giraffe. In the city centre, near Raja Indian Cuisine. Please note it is not family-friendly." }, { "source": "e2e", "text": "For French food and coffee, you can go to Giraffe. In the city centre, near Raja Indian Cuisine. Please note it is not family-friendly." } ] }, { "tripleset": [ [ "Giraffe", "eatType", "coffee shop" ], [ "Giraffe", "near", "The Bakers" ] ], "annotations": [ { "source": "e2e", "text": "A coffee shop named Giraffe is near The Bakers." }, { "source": "e2e", "text": "Giraffe is a coffee shop found near The Bakers." } ] }, { "tripleset": [ [ "Giraffe", "eatType", "coffee shop" ], [ "Giraffe", "near", "The Rice Boat" ] ], "annotations": [ { "source": "e2e", "text": "Near The Rice Boat you can visit coffee shop called Giraffe." }, { "source": "e2e", "text": "Near to The Rice Boat there is a coffee shop called Giraffe." } ] }, { "tripleset": [ [ "Giraffe", "eatType", "pub" ], [ "Giraffe", "area", "city centre" ], [ "Giraffe", "familyFriendly", "no" ], [ "Giraffe", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "Giraffe is located in City centre near Rainbow Vegetarian Caf\u00e9. It is not a kid friendly pub." } ] }, { "tripleset": [ [ "Giraffe", "eatType", "pub" ], [ "Giraffe", "area", "riverside" ], [ "Giraffe", "familyFriendly", "no" ] ], "annotations": [ { "source": "e2e", "text": "Located near the river and the Crowne Plaza, Giraffe is an adult only pub offering spirits and appetizers." } ] }, { "tripleset": [ [ "Giraffe", "eatType", "pub" ], [ "Giraffe", "area", "riverside" ], [ "Giraffe", "familyFriendly", "no" ], [ "Giraffe", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "Giraffe is a not family-friendly pub its on riverside close to Rainbow Vegetarian Caf\u00e9" }, { "source": "e2e", "text": "Giraffe is a pub, located near the Rainbow Vegetarian Caf\u00e9 on the river. It is not family friendly." }, { "source": "e2e", "text": "There is a pub called Giraffe with fast service in riverside near Rainbow Vegetarian Caf\u00e9. It's not family-friendly." } ] }, { "tripleset": [ [ "Giraffe", "eatType", "pub" ], [ "Giraffe", "area", "riverside" ], [ "Giraffe", "familyFriendly", "no" ], [ "Giraffe", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "Giraffe is an adult only pub offering spirits and appetizers and is located near the river and the Raja Indian Cuisine." }, { "source": "e2e", "text": "Even if it's not family-friendly, if you are searching for a pub near the riverside and Raja Indian Cuisine, Giraffe is a great place to go to." } ] }, { "tripleset": [ [ "Giraffe", "eatType", "pub" ], [ "Giraffe", "area", "riverside" ], [ "Giraffe", "familyFriendly", "yes" ], [ "Giraffe", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "Near Rainbow Vegetarian Caf\u00e9, Giraffe is a child-friendly pub in the riverside area." }, { "source": "e2e", "text": "Giraffe is a children-friendly pub that provides fast-food in the riverside area near the Rainbow Vegetarian Caf\u00e9." }, { "source": "e2e", "text": "There is a pub called Giraffe near the Rainbow Vegetarian Caf\u00e9 in Riverside. Kids are welcome." } ] }, { "tripleset": [ [ "Giraffe", "eatType", "pub" ], [ "Giraffe", "area", "riverside" ], [ "Giraffe", "familyFriendly", "yes" ], [ "Giraffe", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The family friendly pub Giraffe, serving Fast foods too, is located on the riverside near Raja Indian Cuisine" } ] }, { "tripleset": [ [ "Giraffe", "eatType", "pub" ], [ "Giraffe", "familyFriendly", "no" ], [ "Giraffe", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "Located near to The Rainbow Vegetarian Caf\u00e9 is the pub The Giraffe. It does not allow children." }, { "source": "e2e", "text": "Giraffe is a non-family friendly pub located near Rainbow Vegetarian Caf\u00e9." }, { "source": "e2e", "text": "The Giraffe is a pub located near to The Rainbow Vegetarian Caf\u00e9. It does not allow children." } ] }, { "tripleset": [ [ "Giraffe", "eatType", "pub" ], [ "Giraffe", "food", "English" ], [ "Giraffe", "area", "riverside" ], [ "Giraffe", "familyFriendly", "yes" ], [ "Giraffe", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "The Giraffe, a child-friendly, English pub, is located in riverside area, near Rainbow Vegetarian Caf\u00e9." }, { "source": "e2e", "text": "Giraffe is a pub that is children friendly and provides English food. It is located on the riverside near Rainbow Vegetarian Caf\u00e9." }, { "source": "e2e", "text": "There is an English based pub called Giraffe. It is located in the riverside area near the Rainbow Vegetarian Caf\u00e9 and, yes, it is kid friendly." } ] }, { "tripleset": [ [ "Giraffe", "eatType", "pub" ], [ "Giraffe", "food", "Fast food" ], [ "Giraffe", "area", "city centre" ], [ "Giraffe", "familyFriendly", "no" ], [ "Giraffe", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "There is an adult only fast food pub Giraffe located in the centre of the city near Rainbow Vegetarian Caf\u00e9." }, { "source": "e2e", "text": "Giraffe is a pub and fast food place that is not family-friendly near the Rainbow Vegetarian Caf\u00e9 in the city centre." }, { "source": "e2e", "text": "Giraffe is a fast food pub located in the city centre near the Rainbow Vegetarian Caf\u00e9. It is not family-friendly." }, { "source": "e2e", "text": "Located in the city centre near the Rainbow Vegetarian Caf\u00e9, Giraffe is not a family-friendly fast food pub and pub." }, { "source": "e2e", "text": "In the city centre, near the Rainbow Vegetarian Caf\u00e9, there is a non family-friendly pub and fast food place named Giraffe." } ] }, { "tripleset": [ [ "Giraffe", "eatType", "pub" ], [ "Giraffe", "food", "Fast food" ], [ "Giraffe", "area", "city centre" ], [ "Giraffe", "familyFriendly", "yes" ], [ "Giraffe", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "Giraffe, located in the city centre, is a pub that offers fast food. This family-friendly pub can be found near the Rainbow Vegetarian Caf\u00e9." }, { "source": "e2e", "text": "In city centre near Rainbow Vegetarian Caf\u00e9 there is a Fast food pub named Giraffe, which is family-friendly." }, { "source": "e2e", "text": "pub Giraffe is a family-friendly fast food pub in city centre near Rainbow Vegetarian Caf\u00e9." }, { "source": "e2e", "text": "Located in city centre near Rainbow Vegetarian Caf\u00e9, Giraffe is a family-friendly pub serving fast food." }, { "source": "e2e", "text": "Giraffe is a pub that offers family-friendly fast food. It is located in the city centre, near the Rainbow Vegetarian Caf\u00e9." }, { "source": "e2e", "text": "Giraffe is a family-friendly pub that also serves Fast food. It is located in city centre near Rainbow Vegetarian Caf\u00e9" } ] }, { "tripleset": [ [ "Giraffe", "eatType", "pub" ], [ "Giraffe", "food", "Fast food" ], [ "Giraffe", "area", "city centre" ], [ "Giraffe", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "Giraffe is an adult pub providing fast food near the Rainbow Vegetarian Caf\u00e9. It is located in the city centre." } ] }, { "tripleset": [ [ "Giraffe", "eatType", "pub" ], [ "Giraffe", "food", "Fast food" ], [ "Giraffe", "area", "riverside" ], [ "Giraffe", "familyFriendly", "no" ], [ "Giraffe", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "Giraffe is a fast food pub near Rainbow Vegetarian Caf\u00e9 in riverside. They are not family-friendly." }, { "source": "e2e", "text": "Giraffe is a no family-friendly pub providing Fast food. It is located near Rainbow Vegetarian Caf\u00e9 in the riverside." }, { "source": "e2e", "text": "There is a no family-friendly pub Giraffe located near Rainbow Vegetarian Caf\u00e9 in the riverside that provides Fast food." } ] }, { "tripleset": [ [ "Giraffe", "eatType", "pub" ], [ "Giraffe", "food", "Fast food" ], [ "Giraffe", "area", "riverside" ], [ "Giraffe", "familyFriendly", "yes" ], [ "Giraffe", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "Giraffe,, in the riverside area, near the Rainbow Vegetarian Caf\u00e9, there is a pub with fast food, of and it is kid friendly." }, { "source": "e2e", "text": "Located near the Rainbow Vegetarian Caf\u00e9, a Fast food pub is Family friendly, and situated riverside called Giraffe." }, { "source": "e2e", "text": "Fast food pub Giraffe near Rainbow Vegetarian Caf\u00e9 in Riverside is kid-friendly." }, { "source": "e2e", "text": "Giraffe is a riverside pub which serves Fast food. It is located near Rainbow Vegetarian Caf\u00e9. Children are welcome." }, { "source": "e2e", "text": "Giraffe, a pub with Fast food, and children friendly, it is in the riverside area, near the Rainbow Vegetarian Caf\u00e9." }, { "source": "e2e", "text": "Giraffe is a child Friendly pub serving Fast Food near Rainbow Vegetarian Caf\u00e9 by a riverside." }, { "source": "e2e", "text": "Giraffe in riverside is a kids friendly, Fast food pub. It is located near Rainbow Vegetarian Caf\u00e9." }, { "source": "e2e", "text": "Located on the riverside, near Rainbow Vegetarian Caf\u00e9, the pub Giraffe serves Fast food and is family friendly" }, { "source": "e2e", "text": "The pub, Giraffe is fast food and kid friendly near Rainbow Vegetarian Caf\u00e9 in the area of riverside." }, { "source": "e2e", "text": "A family friendly Fast food, pub located riverside near the Rainbow Vegetarian Caf\u00e9 called Giraffe." }, { "source": "e2e", "text": "Giraffe is located near Rainbow Vegetarian Caf\u00e9. It is a kids friendly, Fast food pub in riverside." }, { "source": "e2e", "text": "By the riverside near Rainbow Vegetarian Caf\u00e9 there is a family friendly pub that has fast food called Giraffe." }, { "source": "e2e", "text": "Giraffe is a child friendly, fast food pub. It is located by the Rainbow Vegetarian Caf\u00e9 in the riverside area." }, { "source": "e2e", "text": "Giraffe is a fast food, kid friendly pub by the riverside area, near Rainbow Vegetarian Caf\u00e9." }, { "source": "e2e", "text": "The fast food pub called The Giraffe, is located in the riverside area near The Rainbow Vegetarian Caf\u00e9. It is kid friendly, and also a pub" }, { "source": "e2e", "text": "Giraffe is a kids-friendly pub located in riverside near Rainbow Vegetarian Caf\u00e9. Fast food" }, { "source": "e2e", "text": "In Riverside, there is a pub offering fast food near the Rainbow Vegetarian Caf\u00e9. It is called Giraffe and offers a children-friendly relaxed environment." }, { "source": "e2e", "text": "Giraffe is a fast food pub near riverside and Rainbow Vegetarian Caf\u00e9 that is kid friendly." }, { "source": "e2e", "text": "By the riverside, near Rainbow Vegetarian Caf\u00e9, there is a child-friendly pub called Giraffe that serves Fast food." }, { "source": "e2e", "text": "In riverside near the Rainbow Vegetarian Caf\u00e9 is a family friendly pub style pub called Giraffe. They serve fast food type items." }, { "source": "e2e", "text": "Giraffe is a children friendly pub on the riverside, near the Rainbow Vegetarian Caf\u00e9, that offers fast food." }, { "source": "e2e", "text": "Giraffe serves Fast food and is kids-friendly. It is a pub in the area of riverside and is near Rainbow Vegetarian Caf\u00e9" }, { "source": "e2e", "text": "Near the Rainbow Vegetarian Caf\u00e9 in the Riverside area is a family friendly pub called Giraffe which serves Fast food." }, { "source": "e2e", "text": "Giraffe is a fast food pub. It is child friendly and located by the Rainbow Vegetarian Caf\u00e9 in the riverside." }, { "source": "e2e", "text": "A pub with fast food Giraffe is child friendly located in riverside near Rainbow Vegetarian Caf\u00e9." }, { "source": "e2e", "text": "There is a family-friendly, fast food, pub near Rainbow Vegetarian Caf\u00e9 in the Riverside called Giraffe." }, { "source": "e2e", "text": "Giraffe is a riverside pub near the Rainbow Vegetarian Caf\u00e9 . It serves fast food and is family friendly." }, { "source": "e2e", "text": "Giraffe is a fast food pub in Riverside. Located near the Rainbow Vegetarian Caf\u00e9, it offers a children-friendly location to enjoy a meal." }, { "source": "e2e", "text": "Giraffe is a pub with Fast food and family friendly near Rainbow Vegetarian Caf\u00e9 location riverside." } ] }, { "tripleset": [ [ "Giraffe", "eatType", "pub" ], [ "Giraffe", "food", "Fast food" ], [ "Giraffe", "area", "riverside" ], [ "Giraffe", "familyFriendly", "yes" ], [ "Giraffe", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The kid friendly fast food pub in the riverside area near The Raja Indian Cuisine is called Giraffe" }, { "source": "e2e", "text": "Giraffe is a pub near Raja Indian Cuisine in Riverside. It is considered to be fast food and children are welcome." }, { "source": "e2e", "text": "Near riverside and Raja Indian Cuisine is a kid friendly, fast food pub called Giraffe." }, { "source": "e2e", "text": "Located on the riverside near the Raja Indian Cuisine, Giraffe is a children friendly pub that offers fast food." }, { "source": "e2e", "text": "Giraffe is a family friendly, Fast food pub, near the Raja Indian Cuisine in the riverside area." }, { "source": "e2e", "text": "Giraffe is a family friendly fast food pub. It is located in riverside near the Raja Indian Cuisine. This pub is has a pub style setup." }, { "source": "e2e", "text": "In the area of riverside there is a pub that is kids-friendly and serves Fast food called Giraffe near Raja Indian Cuisine." }, { "source": "e2e", "text": "There is a pub called Giraffe that has fast food and is family friendly located in the riverside area near Raja Indian Cuisine." }, { "source": "e2e", "text": "Giraffe is a pub that serves fast food. near Raja Indian Cuisine in riverside. Yes it is family friendly." }, { "source": "e2e", "text": "There's a children-friendly pub that provides fast food at the riverside near the Raja Indian Cuisine called the Giraffe." } ] }, { "tripleset": [ [ "Giraffe", "eatType", "pub" ], [ "Giraffe", "food", "Fast food" ], [ "Giraffe", "area", "riverside" ], [ "Giraffe", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "By the riverside near Rainbow Vegetarian Caf\u00e9, Giraffe is a pub providing fast food for you and the kids." }, { "source": "e2e", "text": "If your kids want fast food, try Giraffe pub near the Rainbow Vegetarian Caf\u00e9 in riverside." } ] }, { "tripleset": [ [ "Giraffe", "eatType", "pub" ], [ "Giraffe", "food", "Fast food" ], [ "Giraffe", "area", "riverside" ], [ "Giraffe", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "Kids are always welcome at Giraffe pub in the riverside area. It's located near Raja Indian Cuisine and they have a fast food style menu." } ] }, { "tripleset": [ [ "Giraffe", "eatType", "pub" ], [ "Giraffe", "food", "Fast food" ], [ "Giraffe", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "Giraffe is a pub expert in Fast food near to Rainbow Vegetarian Caf\u00e9" } ] }, { "tripleset": [ [ "Giraffe", "eatType", "pub" ], [ "Giraffe", "food", "French" ], [ "Giraffe", "area", "city centre" ], [ "Giraffe", "familyFriendly", "no" ], [ "Giraffe", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The pub, Giraffe also serves French food. It is located near Raja Indian Cuisine in the city centre, and is not family-friendly." }, { "source": "e2e", "text": "Giraffe provides French food and is not family-friendly. Located in the city centre near the Raja Indian Cuisine it provides a pub atmosphere." }, { "source": "e2e", "text": "Giraffe is a pub that provides French food. It is Located in the city centre near the Raja Indian Cuisine. Giraffe is not family-friendly." }, { "source": "e2e", "text": "Giraffe is located in the city centre near the Raja Indian Cuisine. It is not family-friendly, and is a French pub." }, { "source": "e2e", "text": "Giraffe is a French pub near the Raja Indian Cuisine that is not family-friendly and located in the city centre." } ] }, { "tripleset": [ [ "Giraffe", "eatType", "pub" ], [ "Giraffe", "food", "French" ], [ "Giraffe", "area", "city centre" ], [ "Giraffe", "familyFriendly", "yes" ], [ "Giraffe", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "Giraffe, a family-friendly pub in the city centre serving French food is located near Raja Indian Cuisine." }, { "source": "e2e", "text": "The Giraffe is a pub - family-friendly serving French food in the city centre, near the Raja Indian Cuisine" }, { "source": "e2e", "text": "Giraffe is a pub located in the city centre near the Raja Indian Cuisine. It offers French cuisine with a family-friendly atmosphere." }, { "source": "e2e", "text": "A family-friendly serving French food in the city centre, near the Raja Indian Cuisine, is The Giraffe, a pub." }, { "source": "e2e", "text": "City Centre based pub near Raja Indian Cuisine, Giraffe is family-friendly and serves French cuisine." }, { "source": "e2e", "text": "Giraffe is a pub that offers French food with a family-friendly atmosphere. It is located in the city centre near the Raja Indian Cuisine." } ] }, { "tripleset": [ [ "Giraffe", "eatType", "pub" ], [ "Giraffe", "food", "French" ], [ "Giraffe", "area", "riverside" ], [ "Giraffe", "familyFriendly", "no" ], [ "Giraffe", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "Giraffe is a not family-friendly French pub near Raja Indian Cuisine near the riverside." }, { "source": "e2e", "text": "If you're looking for somewhere that isn't family-friendly, riverside has Giraffe, a French pub near the Raja Indian Cuisine." }, { "source": "e2e", "text": "Giraffe is a French pub bear Raja Indian Cuisine in Riverside, though it is not family-friendly." } ] }, { "tripleset": [ [ "Giraffe", "eatType", "pub" ], [ "Giraffe", "food", "French" ], [ "Giraffe", "area", "riverside" ], [ "Giraffe", "familyFriendly", "yes" ], [ "Giraffe", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "Children friendly pub Giraffe that serves French food can be found at riverside near Raja Indian Cuisine." }, { "source": "e2e", "text": "Giraffe is a pub that has French food and is children friendly. It is located near Raja Indian Cuisine on the riverside." }, { "source": "e2e", "text": "Giraffe is a family friendly pub. It serves French food in riverside setting, near the Raja Indian Cuisine." }, { "source": "e2e", "text": "Located near the Raja Indian Cuisine in the riverside area there is a child friendly pub called Giraffe. It provides French cuisine." }, { "source": "e2e", "text": "The children friendly pub that has French food near Raja Indian Cuisine on the riverside is Giraffe." }, { "source": "e2e", "text": "If you are looking for a family-friendly pub that offers French eats, try the riverside area's Giraffe, located near the Raja Indian Cuisine." }, { "source": "e2e", "text": "Giraffe, a child-friendly pub located by the riverside serving French food, near Raja Indian Cuisine." }, { "source": "e2e", "text": "The pub Giraffe serves French food and is kids friendly. It is in Riverside near Raja Indian Cuisine" }, { "source": "e2e", "text": "Giraffe is a pub serving French food, located riverside near Raja Indian Cuisine and is child-friendly." } ] }, { "tripleset": [ [ "Giraffe", "eatType", "pub" ], [ "Giraffe", "food", "French" ], [ "Giraffe", "area", "riverside" ], [ "Giraffe", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "If you are in Riverside, near the Raja Indian Cuisine you will find an adult French pub called the Giraffe." }, { "source": "e2e", "text": "The Giraffe is a pub serving French food. It's near the Raja Indian Cuisine in Riverside. Just don't bring the kids" } ] }, { "tripleset": [ [ "Giraffe", "eatType", "pub" ], [ "Giraffe", "food", "French" ], [ "Giraffe", "familyFriendly", "yes" ], [ "Giraffe", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "Want to visit a pub that also serves French food, children-friendly near the Raja Indian Cuisine go visit the Giraffe." } ] }, { "tripleset": [ [ "Giraffe", "eatType", "pub" ], [ "Giraffe", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "Giraffe is a mature, whole foods pub located near Raja Indian Cuisine." }, { "source": "e2e", "text": "Giraffe is a whole foods pub located near Raja Indian Cuisine. It is not intended for the whole family." }, { "source": "e2e", "text": "The Giraffe is a pub located within walking distance of Raja Indian Cuisine." } ] }, { "tripleset": [ [ "Giraffe", "eatType", "pub" ], [ "Giraffe", "near", "The Bakers" ] ], "annotations": [ { "source": "e2e", "text": "A pub named Giraffe is near The Bakers." }, { "source": "e2e", "text": "Giraffe is a pub found near The Bakers." } ] }, { "tripleset": [ [ "Giraffe", "eatType", "pub" ], [ "Giraffe", "near", "The Rice Boat" ] ], "annotations": [ { "source": "e2e", "text": "Near The Rice Boat you can visit pub called Giraffe." }, { "source": "e2e", "text": "Near to The Rice Boat there is a pub called Giraffe." } ] }, { "tripleset": [ [ "Giraffe", "eatType", "restaurant" ], [ "Giraffe", "area", "city centre" ], [ "Giraffe", "familyFriendly", "no" ], [ "Giraffe", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "Giraffe is located in City centre near Rainbow Vegetarian Caf\u00e9. It is not a kid friendly restaurant." } ] }, { "tripleset": [ [ "Giraffe", "eatType", "restaurant" ], [ "Giraffe", "area", "riverside" ], [ "Giraffe", "familyFriendly", "no" ] ], "annotations": [ { "source": "e2e", "text": "Located near the river and the Crowne Plaza, Giraffe is an adult only restaurant offering spirits and appetizers." } ] }, { "tripleset": [ [ "Giraffe", "eatType", "restaurant" ], [ "Giraffe", "area", "riverside" ], [ "Giraffe", "familyFriendly", "no" ], [ "Giraffe", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "Giraffe is a not family-friendly restaurant its on riverside close to Rainbow Vegetarian Caf\u00e9" }, { "source": "e2e", "text": "Giraffe is a restaurant, located near the Rainbow Vegetarian Caf\u00e9 on the river. It is not family friendly." }, { "source": "e2e", "text": "There is a restaurant called Giraffe with fast service in riverside near Rainbow Vegetarian Caf\u00e9. It's not family-friendly." } ] }, { "tripleset": [ [ "Giraffe", "eatType", "restaurant" ], [ "Giraffe", "area", "riverside" ], [ "Giraffe", "familyFriendly", "no" ], [ "Giraffe", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "Giraffe is an adult only restaurant offering spirits and appetizers and is located near the river and the Raja Indian Cuisine." }, { "source": "e2e", "text": "Even if it's not family-friendly, if you are searching for a restaurant near the riverside and Raja Indian Cuisine, Giraffe is a great place to go to." } ] }, { "tripleset": [ [ "Giraffe", "eatType", "restaurant" ], [ "Giraffe", "area", "riverside" ], [ "Giraffe", "familyFriendly", "yes" ], [ "Giraffe", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "Near Rainbow Vegetarian Caf\u00e9, Giraffe is a child-friendly restaurant in the riverside area." }, { "source": "e2e", "text": "Giraffe is a children-friendly restaurant that provides fast-food in the riverside area near the Rainbow Vegetarian Caf\u00e9." }, { "source": "e2e", "text": "There is a restaurant called Giraffe near the Rainbow Vegetarian Caf\u00e9 in Riverside. Kids are welcome." } ] }, { "tripleset": [ [ "Giraffe", "eatType", "restaurant" ], [ "Giraffe", "area", "riverside" ], [ "Giraffe", "familyFriendly", "yes" ], [ "Giraffe", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The family friendly restaurant Giraffe, serving Fast foods too, is located on the riverside near Raja Indian Cuisine" } ] }, { "tripleset": [ [ "Giraffe", "eatType", "restaurant" ], [ "Giraffe", "familyFriendly", "no" ], [ "Giraffe", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "Located near to The Rainbow Vegetarian Caf\u00e9 is the restaurant The Giraffe. It does not allow children." }, { "source": "e2e", "text": "Giraffe is a non-family friendly restaurant located near Rainbow Vegetarian Caf\u00e9." }, { "source": "e2e", "text": "The Giraffe is a restaurant located near to The Rainbow Vegetarian Caf\u00e9. It does not allow children." } ] }, { "tripleset": [ [ "Giraffe", "eatType", "restaurant" ], [ "Giraffe", "food", "English" ], [ "Giraffe", "area", "riverside" ], [ "Giraffe", "familyFriendly", "yes" ], [ "Giraffe", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "The Giraffe, a child-friendly, English restaurant, is located in riverside area, near Rainbow Vegetarian Caf\u00e9." }, { "source": "e2e", "text": "Giraffe is a restaurant that is children friendly and provides English food. It is located on the riverside near Rainbow Vegetarian Caf\u00e9." }, { "source": "e2e", "text": "There is an English based restaurant called Giraffe. It is located in the riverside area near the Rainbow Vegetarian Caf\u00e9 and, yes, it is kid friendly." } ] }, { "tripleset": [ [ "Giraffe", "eatType", "restaurant" ], [ "Giraffe", "food", "Fast food" ], [ "Giraffe", "area", "city centre" ], [ "Giraffe", "familyFriendly", "no" ], [ "Giraffe", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "There is an adult only fast food restaurant Giraffe located in the centre of the city near Rainbow Vegetarian Caf\u00e9." }, { "source": "e2e", "text": "Giraffe is a restaurant and fast food place that is not family-friendly near the Rainbow Vegetarian Caf\u00e9 in the city centre." }, { "source": "e2e", "text": "Giraffe is a fast food restaurant located in the city centre near the Rainbow Vegetarian Caf\u00e9. It is not family-friendly." }, { "source": "e2e", "text": "Located in the city centre near the Rainbow Vegetarian Caf\u00e9, Giraffe is not a family-friendly fast food restaurant and restaurant." }, { "source": "e2e", "text": "In the city centre, near the Rainbow Vegetarian Caf\u00e9, there is a non family-friendly restaurant and fast food place named Giraffe." } ] }, { "tripleset": [ [ "Giraffe", "eatType", "restaurant" ], [ "Giraffe", "food", "Fast food" ], [ "Giraffe", "area", "city centre" ], [ "Giraffe", "familyFriendly", "yes" ], [ "Giraffe", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "Giraffe, located in the city centre, is a restaurant that offers fast food. This family-friendly restaurant can be found near the Rainbow Vegetarian Caf\u00e9." }, { "source": "e2e", "text": "In city centre near Rainbow Vegetarian Caf\u00e9 there is a Fast food restaurant named Giraffe, which is family-friendly." }, { "source": "e2e", "text": "restaurant Giraffe is a family-friendly fast food restaurant in city centre near Rainbow Vegetarian Caf\u00e9." }, { "source": "e2e", "text": "Located in city centre near Rainbow Vegetarian Caf\u00e9, Giraffe is a family-friendly restaurant serving fast food." }, { "source": "e2e", "text": "Giraffe is a restaurant that offers family-friendly fast food. It is located in the city centre, near the Rainbow Vegetarian Caf\u00e9." }, { "source": "e2e", "text": "Giraffe is a family-friendly restaurant that also serves Fast food. It is located in city centre near Rainbow Vegetarian Caf\u00e9" } ] }, { "tripleset": [ [ "Giraffe", "eatType", "restaurant" ], [ "Giraffe", "food", "Fast food" ], [ "Giraffe", "area", "city centre" ], [ "Giraffe", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "Giraffe is an adult restaurant providing fast food near the Rainbow Vegetarian Caf\u00e9. It is located in the city centre." } ] }, { "tripleset": [ [ "Giraffe", "eatType", "restaurant" ], [ "Giraffe", "food", "Fast food" ], [ "Giraffe", "area", "riverside" ], [ "Giraffe", "familyFriendly", "no" ], [ "Giraffe", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "Giraffe is a fast food restaurant near Rainbow Vegetarian Caf\u00e9 in riverside. They are not family-friendly." }, { "source": "e2e", "text": "Giraffe is a no family-friendly restaurant providing Fast food. It is located near Rainbow Vegetarian Caf\u00e9 in the riverside." }, { "source": "e2e", "text": "There is a no family-friendly restaurant Giraffe located near Rainbow Vegetarian Caf\u00e9 in the riverside that provides Fast food." } ] }, { "tripleset": [ [ "Giraffe", "eatType", "restaurant" ], [ "Giraffe", "food", "Fast food" ], [ "Giraffe", "area", "riverside" ], [ "Giraffe", "familyFriendly", "yes" ], [ "Giraffe", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "Giraffe,, in the riverside area, near the Rainbow Vegetarian Caf\u00e9, there is a restaurant with fast food, of and it is kid friendly." }, { "source": "e2e", "text": "Located near the Rainbow Vegetarian Caf\u00e9, a Fast food restaurant is Family friendly, and situated riverside called Giraffe." }, { "source": "e2e", "text": "Fast food restaurant Giraffe near Rainbow Vegetarian Caf\u00e9 in Riverside is kid-friendly." }, { "source": "e2e", "text": "Giraffe is a riverside restaurant which serves Fast food. It is located near Rainbow Vegetarian Caf\u00e9. Children are welcome." }, { "source": "e2e", "text": "Giraffe, a restaurant with Fast food, and children friendly, it is in the riverside area, near the Rainbow Vegetarian Caf\u00e9." }, { "source": "e2e", "text": "Giraffe is a child Friendly restaurant serving Fast Food near Rainbow Vegetarian Caf\u00e9 by a riverside." }, { "source": "e2e", "text": "Giraffe in riverside is a kids friendly, Fast food restaurant. It is located near Rainbow Vegetarian Caf\u00e9." }, { "source": "e2e", "text": "Located on the riverside, near Rainbow Vegetarian Caf\u00e9, the restaurant Giraffe serves Fast food and is family friendly" }, { "source": "e2e", "text": "The restaurant, Giraffe is fast food and kid friendly near Rainbow Vegetarian Caf\u00e9 in the area of riverside." }, { "source": "e2e", "text": "A family friendly Fast food, restaurant located riverside near the Rainbow Vegetarian Caf\u00e9 called Giraffe." }, { "source": "e2e", "text": "Giraffe is located near Rainbow Vegetarian Caf\u00e9. It is a kids friendly, Fast food restaurant in riverside." }, { "source": "e2e", "text": "By the riverside near Rainbow Vegetarian Caf\u00e9 there is a family friendly restaurant that has fast food called Giraffe." }, { "source": "e2e", "text": "Giraffe is a child friendly, fast food restaurant. It is located by the Rainbow Vegetarian Caf\u00e9 in the riverside area." }, { "source": "e2e", "text": "Giraffe is a fast food, kid friendly restaurant by the riverside area, near Rainbow Vegetarian Caf\u00e9." }, { "source": "e2e", "text": "The fast food restaurant called The Giraffe, is located in the riverside area near The Rainbow Vegetarian Caf\u00e9. It is kid friendly, and also a restaurant" }, { "source": "e2e", "text": "Giraffe is a kids-friendly restaurant located in riverside near Rainbow Vegetarian Caf\u00e9. Fast food" }, { "source": "e2e", "text": "In Riverside, there is a restaurant offering fast food near the Rainbow Vegetarian Caf\u00e9. It is called Giraffe and offers a children-friendly relaxed environment." }, { "source": "e2e", "text": "Giraffe is a fast food restaurant near riverside and Rainbow Vegetarian Caf\u00e9 that is kid friendly." }, { "source": "e2e", "text": "By the riverside, near Rainbow Vegetarian Caf\u00e9, there is a child-friendly restaurant called Giraffe that serves Fast food." }, { "source": "e2e", "text": "In riverside near the Rainbow Vegetarian Caf\u00e9 is a family friendly restaurant style restaurant called Giraffe. They serve fast food type items." }, { "source": "e2e", "text": "Giraffe is a children friendly restaurant on the riverside, near the Rainbow Vegetarian Caf\u00e9, that offers fast food." }, { "source": "e2e", "text": "Giraffe serves Fast food and is kids-friendly. It is a restaurant in the area of riverside and is near Rainbow Vegetarian Caf\u00e9" }, { "source": "e2e", "text": "Near the Rainbow Vegetarian Caf\u00e9 in the Riverside area is a family friendly restaurant called Giraffe which serves Fast food." }, { "source": "e2e", "text": "Giraffe is a fast food restaurant. It is child friendly and located by the Rainbow Vegetarian Caf\u00e9 in the riverside." }, { "source": "e2e", "text": "A restaurant with fast food Giraffe is child friendly located in riverside near Rainbow Vegetarian Caf\u00e9." }, { "source": "e2e", "text": "There is a family-friendly, fast food, restaurant near Rainbow Vegetarian Caf\u00e9 in the Riverside called Giraffe." }, { "source": "e2e", "text": "Giraffe is a riverside restaurant near the Rainbow Vegetarian Caf\u00e9 . It serves fast food and is family friendly." }, { "source": "e2e", "text": "Giraffe is a fast food restaurant in Riverside. Located near the Rainbow Vegetarian Caf\u00e9, it offers a children-friendly location to enjoy a meal." }, { "source": "e2e", "text": "Giraffe is a restaurant with Fast food and family friendly near Rainbow Vegetarian Caf\u00e9 location riverside." } ] }, { "tripleset": [ [ "Giraffe", "eatType", "restaurant" ], [ "Giraffe", "food", "Fast food" ], [ "Giraffe", "area", "riverside" ], [ "Giraffe", "familyFriendly", "yes" ], [ "Giraffe", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The kid friendly fast food restaurant in the riverside area near The Raja Indian Cuisine is called Giraffe" }, { "source": "e2e", "text": "Giraffe is a restaurant near Raja Indian Cuisine in Riverside. It is considered to be fast food and children are welcome." }, { "source": "e2e", "text": "Near riverside and Raja Indian Cuisine is a kid friendly, fast food restaurant called Giraffe." }, { "source": "e2e", "text": "Located on the riverside near the Raja Indian Cuisine, Giraffe is a children friendly restaurant that offers fast food." }, { "source": "e2e", "text": "Giraffe is a family friendly, Fast food restaurant, near the Raja Indian Cuisine in the riverside area." }, { "source": "e2e", "text": "Giraffe is a family friendly fast food restaurant. It is located in riverside near the Raja Indian Cuisine. This restaurant is has a restaurant style setup." }, { "source": "e2e", "text": "In the area of riverside there is a restaurant that is kids-friendly and serves Fast food called Giraffe near Raja Indian Cuisine." }, { "source": "e2e", "text": "There is a restaurant called Giraffe that has fast food and is family friendly located in the riverside area near Raja Indian Cuisine." }, { "source": "e2e", "text": "Giraffe is a restaurant that serves fast food. near Raja Indian Cuisine in riverside. Yes it is family friendly." }, { "source": "e2e", "text": "There's a children-friendly restaurant that provides fast food at the riverside near the Raja Indian Cuisine called the Giraffe." } ] }, { "tripleset": [ [ "Giraffe", "eatType", "restaurant" ], [ "Giraffe", "food", "Fast food" ], [ "Giraffe", "area", "riverside" ], [ "Giraffe", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "By the riverside near Rainbow Vegetarian Caf\u00e9, Giraffe is a restaurant providing fast food for you and the kids." }, { "source": "e2e", "text": "If your kids want fast food, try Giraffe restaurant near the Rainbow Vegetarian Caf\u00e9 in riverside." } ] }, { "tripleset": [ [ "Giraffe", "eatType", "restaurant" ], [ "Giraffe", "food", "Fast food" ], [ "Giraffe", "area", "riverside" ], [ "Giraffe", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "Kids are always welcome at Giraffe restaurant in the riverside area. It's located near Raja Indian Cuisine and they have a fast food style menu." } ] }, { "tripleset": [ [ "Giraffe", "eatType", "restaurant" ], [ "Giraffe", "food", "Fast food" ], [ "Giraffe", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "Giraffe is a restaurant expert in Fast food near to Rainbow Vegetarian Caf\u00e9" } ] }, { "tripleset": [ [ "Giraffe", "eatType", "restaurant" ], [ "Giraffe", "food", "French" ], [ "Giraffe", "area", "city centre" ], [ "Giraffe", "familyFriendly", "no" ], [ "Giraffe", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The restaurant, Giraffe also serves French food. It is located near Raja Indian Cuisine in the city centre, and is not family-friendly." }, { "source": "e2e", "text": "Giraffe provides French food and is not family-friendly. Located in the city centre near the Raja Indian Cuisine it provides a restaurant atmosphere." }, { "source": "e2e", "text": "Giraffe is a restaurant that provides French food. It is Located in the city centre near the Raja Indian Cuisine. Giraffe is not family-friendly." }, { "source": "e2e", "text": "Giraffe is located in the city centre near the Raja Indian Cuisine. It is not family-friendly, and is a French restaurant." }, { "source": "e2e", "text": "Giraffe is a French restaurant near the Raja Indian Cuisine that is not family-friendly and located in the city centre." } ] }, { "tripleset": [ [ "Giraffe", "eatType", "restaurant" ], [ "Giraffe", "food", "French" ], [ "Giraffe", "area", "city centre" ], [ "Giraffe", "familyFriendly", "yes" ], [ "Giraffe", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "Giraffe, a family-friendly restaurant in the city centre serving French food is located near Raja Indian Cuisine." }, { "source": "e2e", "text": "The Giraffe is a restaurant - family-friendly serving French food in the city centre, near the Raja Indian Cuisine" }, { "source": "e2e", "text": "Giraffe is a restaurant located in the city centre near the Raja Indian Cuisine. It offers French cuisine with a family-friendly atmosphere." }, { "source": "e2e", "text": "A family-friendly serving French food in the city centre, near the Raja Indian Cuisine, is The Giraffe, a restaurant." }, { "source": "e2e", "text": "City Centre based restaurant near Raja Indian Cuisine, Giraffe is family-friendly and serves French cuisine." }, { "source": "e2e", "text": "Giraffe is a restaurant that offers French food with a family-friendly atmosphere. It is located in the city centre near the Raja Indian Cuisine." } ] }, { "tripleset": [ [ "Giraffe", "eatType", "restaurant" ], [ "Giraffe", "food", "French" ], [ "Giraffe", "area", "riverside" ], [ "Giraffe", "familyFriendly", "no" ], [ "Giraffe", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "Giraffe is a not family-friendly French restaurant near Raja Indian Cuisine near the riverside." }, { "source": "e2e", "text": "If you're looking for somewhere that isn't family-friendly, riverside has Giraffe, a French restaurant near the Raja Indian Cuisine." }, { "source": "e2e", "text": "Giraffe is a French restaurant bear Raja Indian Cuisine in Riverside, though it is not family-friendly." } ] }, { "tripleset": [ [ "Giraffe", "eatType", "restaurant" ], [ "Giraffe", "food", "French" ], [ "Giraffe", "area", "riverside" ], [ "Giraffe", "familyFriendly", "yes" ], [ "Giraffe", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "Children friendly restaurant Giraffe that serves French food can be found at riverside near Raja Indian Cuisine." }, { "source": "e2e", "text": "Giraffe is a restaurant that has French food and is children friendly. It is located near Raja Indian Cuisine on the riverside." }, { "source": "e2e", "text": "Giraffe is a family friendly restaurant. It serves French food in riverside setting, near the Raja Indian Cuisine." }, { "source": "e2e", "text": "Located near the Raja Indian Cuisine in the riverside area there is a child friendly restaurant called Giraffe. It provides French cuisine." }, { "source": "e2e", "text": "The children friendly restaurant that has French food near Raja Indian Cuisine on the riverside is Giraffe." }, { "source": "e2e", "text": "If you are looking for a family-friendly restaurant that offers French eats, try the riverside area's Giraffe, located near the Raja Indian Cuisine." }, { "source": "e2e", "text": "Giraffe, a child-friendly restaurant located by the riverside serving French food, near Raja Indian Cuisine." }, { "source": "e2e", "text": "The restaurant Giraffe serves French food and is kids friendly. It is in Riverside near Raja Indian Cuisine" }, { "source": "e2e", "text": "Giraffe is a restaurant serving French food, located riverside near Raja Indian Cuisine and is child-friendly." } ] }, { "tripleset": [ [ "Giraffe", "eatType", "restaurant" ], [ "Giraffe", "food", "French" ], [ "Giraffe", "area", "riverside" ], [ "Giraffe", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "If you are in Riverside, near the Raja Indian Cuisine you will find an adult French restaurant called the Giraffe." }, { "source": "e2e", "text": "The Giraffe is a restaurant serving French food. It's near the Raja Indian Cuisine in Riverside. Just don't bring the kids" } ] }, { "tripleset": [ [ "Giraffe", "eatType", "restaurant" ], [ "Giraffe", "food", "French" ], [ "Giraffe", "familyFriendly", "yes" ], [ "Giraffe", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "Want to visit a restaurant that also serves French food, children-friendly near the Raja Indian Cuisine go visit the Giraffe." } ] }, { "tripleset": [ [ "Giraffe", "eatType", "restaurant" ], [ "Giraffe", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "Giraffe is a mature, whole foods restaurant located near Raja Indian Cuisine." }, { "source": "e2e", "text": "Giraffe is a whole foods restaurant located near Raja Indian Cuisine. It is not intended for the whole family." }, { "source": "e2e", "text": "The Giraffe is a restaurant located within walking distance of Raja Indian Cuisine." } ] }, { "tripleset": [ [ "Giraffe", "food", "English" ], [ "Giraffe", "area", "riverside" ], [ "Giraffe", "familyFriendly", "yes" ], [ "Giraffe", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "near the Rainbow Vegetarian Caf\u00e9, area riverside, the Giraffe, serves English food and is family friendly." }, { "source": "e2e", "text": "The riverside has many lovely pubs, none more so than The Giraffe, near to the Rainbow Vegetarian Caf\u00e9 is a great to enjoy English food in a family friendly setting." }, { "source": "e2e", "text": "near the Rainbow Vegetarian Caf\u00e9, area riverside, the Giraffe, serves English food and is family friendly." }, { "source": "e2e", "text": "The riverside has many lovely restaurants, none more so than The Giraffe, near to the Rainbow Vegetarian Caf\u00e9 is a great to enjoy English food in a family friendly setting." } ] }, { "tripleset": [ [ "Green Man", "eatType", "coffee shop" ], [ "Green Man", "area", "riverside" ], [ "Green Man", "near", "Express by Holiday Inn" ] ], "annotations": [ { "source": "e2e", "text": "If you are near the Express by Holiday Inn in riverside, bring the kids to Green Man for some coffee." }, { "source": "e2e", "text": "If you are near the Express by Holiday Inn in riverside, bring the kids to Green Man for some coffee." } ] }, { "tripleset": [ [ "Green Man", "eatType", "coffee shop" ], [ "Green Man", "customer rating", "1 out of 5" ], [ "Green Man", "near", "All Bar One" ] ], "annotations": [ { "source": "e2e", "text": "Rated 1 out of 5, Green Man coffee shop is near All Bar One." }, { "source": "e2e", "text": "The Green Man coffee shop received a rating of 1 out of 5. it is located near All Bar One." }, { "source": "e2e", "text": "The coffee shop near All Bar One is Green Man. It has a customer rating of 1 out of 5." }, { "source": "e2e", "text": "Near All Bar One you can find a coffee shop with a 1 out of 5 customer rating called Green Man." }, { "source": "e2e", "text": "If you're nearby All Bar One, you can give the coffee shop Green Man a try, although it currently gets low ratings from other customers - a 1 out of 5." }, { "source": "e2e", "text": "The Green Man, near All Bar One, is coffee shop receiving customer ratings of 1 out of 5." } ] }, { "tripleset": [ [ "Green Man", "eatType", "coffee shop" ], [ "Green Man", "customer rating", "3 out of 5" ], [ "Green Man", "near", "All Bar One" ] ], "annotations": [ { "source": "e2e", "text": "If you're looking for a great place to eat, try Green Man, a coffee shop near All Bar One with a customer rating of 3 out of 5 stars." }, { "source": "e2e", "text": "A coffee shop called Green Man is near All Bar One, Their customer rating is 3 out of 5." }, { "source": "e2e", "text": "A coffee shop located by All Bar One called Green Man was rated 3 out of 5 by customers." }, { "source": "e2e", "text": "Located near All Bar One, the Green Man coffee shop has a customer rating of 3 out of 5." }, { "source": "e2e", "text": "Near All Bar One is the Green Man coffee shop with a 3 out of 5 customer rating." }, { "source": "e2e", "text": "Located close to All Bar One, Green Man coffee shop has a 3 out of 5 rating." } ] }, { "tripleset": [ [ "Green Man", "eatType", "coffee shop" ], [ "Green Man", "near", "All Bar One" ] ], "annotations": [ { "source": "e2e", "text": "Expect nothing less than the usual coffee shop quality at Green Man located by All Bar One." } ] }, { "tripleset": [ [ "Green Man", "eatType", "coffee shop" ], [ "Green Man", "near", "Express by Holiday Inn" ] ], "annotations": [ { "source": "e2e", "text": "The Green Man is a sushi and coffee place near the Express by Holiday Inn and does not permit families." }, { "source": "e2e", "text": "The Green Man is a sushi and coffee place near the Express by Holiday Inn and does not permit families." } ] }, { "tripleset": [ [ "Green Man", "eatType", "pub" ], [ "Green Man", "area", "riverside" ], [ "Green Man", "familyFriendly", "yes" ], [ "Green Man", "near", "Express by Holiday Inn" ] ], "annotations": [ { "source": "e2e", "text": "Green Man is a family-friendly pub just north of the city center. It is located on the river, just east of the Express by Holiday Inn." } ] }, { "tripleset": [ [ "Green Man", "eatType", "pub" ], [ "Green Man", "area", "riverside" ], [ "Green Man", "near", "Express by Holiday Inn" ] ], "annotations": [ { "source": "e2e", "text": "Green Man is a pub on the river just north of the city center. It's located due east of the Express by Holiday Inn." } ] }, { "tripleset": [ [ "Green Man", "eatType", "pub" ], [ "Green Man", "area", "city centre" ], [ "Green Man", "familyFriendly", "yes" ], [ "Green Man", "near", "Express by Holiday Inn" ] ], "annotations": [ { "source": "e2e", "text": "Green Man pub is located north of the city center. and close to the Express by Holiday Inn and welcomes families. Green Man pub also offers meals and wine." } ] }, { "tripleset": [ [ "Green Man", "eatType", "pub" ], [ "Green Man", "area", "riverside" ], [ "Green Man", "familyFriendly", "yes" ], [ "Green Man", "near", "Express by Holiday Inn" ] ], "annotations": [ { "source": "e2e", "text": "The Green Man, located near the Express by Holiday Inn in Riverside, is a kid friendly pub." } ] }, { "tripleset": [ [ "Green Man", "eatType", "pub" ], [ "Green Man", "customer rating", "1 out of 5" ], [ "Green Man", "near", "All Bar One" ] ], "annotations": [ { "source": "e2e", "text": "Rated 1 out of 5, Green Man pub is near All Bar One." }, { "source": "e2e", "text": "The Green Man pub received a rating of 1 out of 5. it is located near All Bar One." }, { "source": "e2e", "text": "The pub near All Bar One is Green Man. It has a customer rating of 1 out of 5." }, { "source": "e2e", "text": "Near All Bar One you can find a pub with a 1 out of 5 customer rating called Green Man." }, { "source": "e2e", "text": "If you're nearby All Bar One, you can give the pub Green Man a try, although it currently gets low ratings from other customers - a 1 out of 5." }, { "source": "e2e", "text": "The Green Man, near All Bar One, is pub receiving customer ratings of 1 out of 5." } ] }, { "tripleset": [ [ "Green Man", "eatType", "pub" ], [ "Green Man", "customer rating", "3 out of 5" ], [ "Green Man", "near", "All Bar One" ] ], "annotations": [ { "source": "e2e", "text": "If you're looking for a great place to eat, try Green Man, a pub near All Bar One with a customer rating of 3 out of 5 stars." }, { "source": "e2e", "text": "A pub called Green Man is near All Bar One, Their customer rating is 3 out of 5." }, { "source": "e2e", "text": "A pub located by All Bar One called Green Man was rated 3 out of 5 by customers." }, { "source": "e2e", "text": "Located near All Bar One, the Green Man pub has a customer rating of 3 out of 5." }, { "source": "e2e", "text": "Near All Bar One is the Green Man pub with a 3 out of 5 customer rating." }, { "source": "e2e", "text": "Located close to All Bar One, Green Man pub has a 3 out of 5 rating." } ] }, { "tripleset": [ [ "Green Man", "eatType", "pub" ], [ "Green Man", "familyFriendly", "no" ], [ "Green Man", "near", "Express by Holiday Inn" ] ], "annotations": [ { "source": "e2e", "text": "The Green Man is a non family friendly pub which is located next to the Express by Holiday Inn." }, { "source": "e2e", "text": "The Green Man is a pub located next to Express by Holiday Inn. The Green Man is a non family friendly pub." } ] }, { "tripleset": [ [ "Green Man", "eatType", "pub" ], [ "Green Man", "familyFriendly", "yes" ], [ "Green Man", "near", "Express by Holiday Inn" ] ], "annotations": [ { "source": "e2e", "text": "Green Man pub is located close to the Express by Holiday Inn and is family friendly. Green Man pub also offers pasta and wine." } ] }, { "tripleset": [ [ "Green Man", "eatType", "pub" ], [ "Green Man", "food", "Italian" ], [ "Green Man", "area", "riverside" ], [ "Green Man", "familyFriendly", "yes" ], [ "Green Man", "near", "Express by Holiday Inn" ] ], "annotations": [ { "source": "e2e", "text": "Green Man in the riverside area near the Express by Holiday Inn is an Italian pub which is child friendly." }, { "source": "e2e", "text": "Italian food is available in a children Friendly pub Green Man near Express by Holiday Inn in riverside" }, { "source": "e2e", "text": "By the riverside near the Express by Holiday Inn, is a children friendly pub named Green Man, which also serves Italian food." }, { "source": "e2e", "text": "Green Man is a children friendly pub which serves Italian food, and is located near the Express by Holiday Inn by the riverside." }, { "source": "e2e", "text": "Green Man is a children friendly Italian pub along the riverside near Express by Holiday Inn." }, { "source": "e2e", "text": "Green Man is a child-friendly Italian pub near Express by Holiday Inn in Riverside." }, { "source": "e2e", "text": "Green Man serves Italian food in a family-friendly, pub environment. Near the river, it is conveniently located close to the Express by Holiday Inn." }, { "source": "e2e", "text": "A kid friendly pub near the Express by Holiday Inn and the riverside that also serves Italian food and is called Green Man." }, { "source": "e2e", "text": "Located in riverside near Express by Holiday Inn is Green Man. It is a family friendly pub offering Italian food." }, { "source": "e2e", "text": "Green Man is a pub located riverside near Express by Holiday Inn. It serves Italian food and is kid-friendly." }, { "source": "e2e", "text": "Green Man is a pub located by the river near the Express by Holiday Inn. It serves Italian food and is family friendly." }, { "source": "e2e", "text": "The riverside is one of the many popular places to eat in Cambridge, in particular there is a pub named Green Man not far from the Express by Holiday Inn. This pub specialises in Italian food and is also a family friendly environment." }, { "source": "e2e", "text": "Near Express by Holiday Inn their is a pub that is family friendly serving Italian food along the riverside named Green Man." }, { "source": "e2e", "text": "Near Express by Holiday Inn is Green Man, a children friendly pub that serves Italian food. It is located by the riverside." }, { "source": "e2e", "text": "The Green Man is a kids friendly pub serving Italian food. it is located in the riverside area near the Express by Holiday Inn." }, { "source": "e2e", "text": "Green Man is an Italian pub situated on the riverside near Express by Holiday Inn. Family friendly yes" }, { "source": "e2e", "text": "Green Man near Express by Holiday Inn in the riverside area is an Italian pub and child friendly" }, { "source": "e2e", "text": "There is a family-friendly Italian pub near Express by Holiday Inn in the riverside area named Green Man" }, { "source": "e2e", "text": "There's a pub called the Green Man that serves Italian food near the Express by Holiday Inn in Riverside. It's kids friendly." }, { "source": "e2e", "text": "Riverside the location of a pub that is kids-friendly, serves Italian food, is called Green Man, it's near Express by Holiday Inn." }, { "source": "e2e", "text": "Green Man is a pub that serves Italian food at the riverside. It is kids-friendly and is near Express by Holiday Inn." }, { "source": "e2e", "text": "Green Man is a family friendly pub. It offers Italian food and is located in riverside near Express by Holiday Inn." }, { "source": "e2e", "text": "Green Man is a kid friendly pub that also serves Italian food and is near the riverside and the Express by Holiday Inn." }, { "source": "e2e", "text": "Green Man pub serves Italian food in a kids friendly setting. located near the Express by Holiday Inn in the riverside area." }, { "source": "e2e", "text": "Near the riverside area and the Express by Holiday Inn is Green Man, a children friendly pub that serves Italian food." }, { "source": "e2e", "text": "Near Express by Holiday Inn, there is an Italian pub called Green Man. It is child friendly in the riverside area." }, { "source": "e2e", "text": "Green Man is a family friendly Italian pub in the riverside area close to Express by Holiday Inn." }, { "source": "e2e", "text": "Green Man is a family-friendly Italian pub located riverside near the Express by Holiday Inn." } ] }, { "tripleset": [ [ "Green Man", "eatType", "pub" ], [ "Green Man", "food", "Italian" ], [ "Green Man", "area", "riverside" ], [ "Green Man", "familyFriendly", "yes" ], [ "Green Man", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "Near Raja Indian Cuisine, riverside, there is a children friendly Italian pub named Green Man." }, { "source": "e2e", "text": "Green Man is a pub that is family friendly serving Italian food near the Raja Indian Cuisine along the riverside." }, { "source": "e2e", "text": "There is a child-friendly pub serving Italian food named Green Man in Riverside near Raja Indian Cuisine." }, { "source": "e2e", "text": "Have you visited Green Man? Its a children friendly Italian pub near Raja Indian Cuisine located by the riverside." } ] }, { "tripleset": [ [ "Green Man", "eatType", "pub" ], [ "Green Man", "food", "Italian" ], [ "Green Man", "area", "riverside" ], [ "Green Man", "near", "Express by Holiday Inn" ] ], "annotations": [ { "source": "e2e", "text": "Green Man pub offers Italian food in the riverside area. It is near the Express by Holiday Inn." } ] }, { "tripleset": [ [ "Green Man", "eatType", "pub" ], [ "Green Man", "food", "Italian" ], [ "Green Man", "familyFriendly", "yes" ], [ "Green Man", "near", "Express by Holiday Inn" ] ], "annotations": [ { "source": "e2e", "text": "Beside the Express by Holiday Inn and the river, there is an Italian food serving pub called Green Man. It is family friendly." } ] }, { "tripleset": [ [ "Green Man", "eatType", "pub" ], [ "Green Man", "food", "Japanese" ], [ "Green Man", "area", "city centre" ], [ "Green Man", "familyFriendly", "no" ], [ "Green Man", "near", "Express by Holiday Inn" ] ], "annotations": [ { "source": "e2e", "text": "Green Man is a pub that isn't family-friendly, serves Japanese food near to the Express by Holiday Inn in the City centre" }, { "source": "e2e", "text": "The Green Man is a pub near Express by Holiday Inn in the city centre which serves Japanese food. It is not family-friendly." }, { "source": "e2e", "text": "Near the Express by Holiday Inn in the city centre there is a non family-friendly pub called the Green Man, it serves Japanese food." }, { "source": "e2e", "text": "For a pub that serves Japanese food near to the Express by Holiday Inn in the city centre and that isn't family-friendly then go to the Green Man" }, { "source": "e2e", "text": "Located near the Express by Holiday Inn in the city centre is a pub named Green Man. They serve Japanese food and are not family-friendly." }, { "source": "e2e", "text": "The Green Man is a non-family-friendly pub that serves Japanese food near the Express by Holiday Inn in the city centre." } ] }, { "tripleset": [ [ "Green Man", "eatType", "pub" ], [ "Green Man", "food", "Japanese" ], [ "Green Man", "area", "city centre" ], [ "Green Man", "familyFriendly", "yes" ], [ "Green Man", "near", "Express by Holiday Inn" ] ], "annotations": [ { "source": "e2e", "text": "Green Man is a family-friendly pub. They serve Japanese food and are located near Express by Holiday Inn in the city centre." }, { "source": "e2e", "text": "Near the Express by Holiday Inn in the city centre is Green Man. It is a Japanese pub that is family-friendly." }, { "source": "e2e", "text": "There is a family-friendly, Japanese pub near Express by Holiday Inn in city centre named Green Man." }, { "source": "e2e", "text": "Green Man, a Japanese pub near Express by Holiday Inn in city centre is family-friendly." }, { "source": "e2e", "text": "Green Man is a family-friendly pub serving Japanese food. It can be found near the Express by Holiday Inn near city centre." }, { "source": "e2e", "text": "Near the Express by Holiday Inn in city centre is the family-friendly Green Man. This pub serves Japanese food." } ] }, { "tripleset": [ [ "Green Man", "eatType", "pub" ], [ "Green Man", "food", "Japanese" ], [ "Green Man", "area", "riverside" ], [ "Green Man", "familyFriendly", "no" ], [ "Green Man", "near", "Express by Holiday Inn" ] ], "annotations": [ { "source": "e2e", "text": "Green Man is a pub serving Japanese food, it's located in the riverside area near Express by Holiday Inn and is not family-friendly." }, { "source": "e2e", "text": "Located by the riverside near the Express by Holiday Inn is a pub named Green Man offering Japanese food in a non-family-friendly environment." }, { "source": "e2e", "text": "There is a Japanese pub Green Man located in riverside near Express by Holiday Inn. Not family-friendly." }, { "source": "e2e", "text": "Green Man is a non family friendly Japanese pub, just a short distance along the riverside from the Express by Holiday Inn." }, { "source": "e2e", "text": "Green Man is a pub serving Japanese food, it's not family-friendly and is located in the riverside area near Express by Holiday Inn." }, { "source": "e2e", "text": "Located by the riverside near the Express by Holiday Inn, Green Man is a Japanese pub that is not family friendly." }, { "source": "e2e", "text": "Green Man is a pub serving Japanese food. It is located by the riverside near the Express by Holiday Inn and is not family-friendly." } ] }, { "tripleset": [ [ "Green Man", "eatType", "pub" ], [ "Green Man", "food", "Japanese" ], [ "Green Man", "area", "riverside" ], [ "Green Man", "familyFriendly", "yes" ], [ "Green Man", "near", "Express by Holiday Inn" ] ], "annotations": [ { "source": "e2e", "text": "The Green Man is a family friendly pub near Express by Holiday Inn in the riverside area with Japanese food." }, { "source": "e2e", "text": "Green Man is a children friendly pub that serves Japanese food. It is by the riverside near Express by Holiday Inn." }, { "source": "e2e", "text": "Green Man is a child friendly pub which serves Japanese food and is located near Express by Holiday Inn in Riverside." }, { "source": "e2e", "text": "Green Man pub in riverside near Express by Holiday Inn serves Japanese food and is children Friendly." }, { "source": "e2e", "text": "There is a kids-friendly pub in near the Express by Holiday Inn in the riverside area. Named Green Man, it specializes in Japanese food." }, { "source": "e2e", "text": "A kids Friendly Japanese pub along the riverside is called Green Man and is next to Express by Holiday Inn." }, { "source": "e2e", "text": "By the Express by Holiday Inn and the riverside, there is a pub which serves Japanese food and is children friendly, named The Green Man." }, { "source": "e2e", "text": "Green Man is located near the Express by Holiday Inn on the riverside, it is a family friendly pub serving Japanese foods." }, { "source": "e2e", "text": "Green Man is a pub that offers Japanese food an is kid friendly. Its in the riverside area near the Express by Holiday Inn." }, { "source": "e2e", "text": "Green Man is a kid friendly Japanese pub, near Express by Holiday Inn in riverside." }, { "source": "e2e", "text": "The Green Man, near Express by Holiday Inn in the riverside area, is a family friendly pub with Japanese food." }, { "source": "e2e", "text": "Green Man is a Japanese pub family friendly located at the riverside near the Express by Holiday Inn." }, { "source": "e2e", "text": "In riverside, near Express by Holiday Inn, there is a kid friendly Japanese pub named Green Man." }, { "source": "e2e", "text": "In riverside, near Express by Holiday Inn, is a pub style place called Green Man. They serve Japanese food, and are kid friendly." }, { "source": "e2e", "text": "the Green Man is a pub which also sells Japanese food. it is located near Express by Holiday Inn down by the riverside. yes it is family friendly" }, { "source": "e2e", "text": "Green Man is a children friendly Japanese pub in the Riverside area near Express by Holiday Inn." }, { "source": "e2e", "text": "Green Man is a pub that offers Japanese food. It is near Express by Holiday Inn in the area of riverside and is children friendly." }, { "source": "e2e", "text": "Green Man is a family friendly Japanese pub located by the riverside Express by Holiday Inn." }, { "source": "e2e", "text": "Near the Express by Holiday Inn in Riverside there is a children friendly Japanese pub called Green Man." }, { "source": "e2e", "text": "Green Man is a pub serving Japanese food in the riverside area near the Express by Holiday Inn. It is known to be kids-friendly." }, { "source": "e2e", "text": "The Green Man, located on the riverside near the Express by Holiday Inn, features a kid-friendly pub atmosphere that serves Japanese cuisine as well." }, { "source": "e2e", "text": "The Green Man is a children friendly pub which serves Japanese food, and is located near the Express by Holiday Inn by the riverside." }, { "source": "e2e", "text": "Green Man is a family friendly Japanese pub located near the Express by Holiday Inn in riverside" }, { "source": "e2e", "text": "The Green Man Japanese pub is family friendly. It is along the riverside near the Express by Holiday Inn." }, { "source": "e2e", "text": "The Green Man is near Express by Holiday Inn and riverside. It is a pub that provides Japanese food, and is family friendly." }, { "source": "e2e", "text": "Green Man is a pub serving Japanese food. It is located near Express by Holiday Inn in the riverside area, and is child friendly" }, { "source": "e2e", "text": "A Japanese pub called the Green Man is family friendly. It is near the Express by Holiday Inn near the riverside." }, { "source": "e2e", "text": "Green Man is a kid friendly pub in the riverside area that offers Japanese food near the Express by Holiday Inn" }, { "source": "e2e", "text": "near Express by Holiday Inn is a Japanese pub called Green Man. it is by the riverside and yes it is family friendly" }, { "source": "e2e", "text": "Near the Express by Holiday Inn, on the riverside, is the Japanese family friendly pub, Green Man." }, { "source": "e2e", "text": "Green Man located in riverside near Express by Holiday Inn is a family friendly Japanese pub" }, { "source": "e2e", "text": "Green Man is a riverside pub by Express by Holiday Inn that serves Japanese food. It is children friendly." }, { "source": "e2e", "text": "Green Man, is a family friendly riverside pub near the Express by Holiday Inn, that serves Japanese food." }, { "source": "e2e", "text": "There is a pub style place in riverside that sells Japanese food, called Green Man. It is also kid friendly and located near Express by Holiday Inn." }, { "source": "e2e", "text": "Green Man is a children friendly pub that offers Japanese food. It is near Express by Holiday Inn in the area of riverside." } ] }, { "tripleset": [ [ "Green Man", "eatType", "pub" ], [ "Green Man", "food", "Japanese" ], [ "Green Man", "area", "riverside" ], [ "Green Man", "near", "Express by Holiday Inn" ] ], "annotations": [ { "source": "e2e", "text": "Green Man is a Japanese pub located in riverside near Express by Holiday Inn." }, { "source": "e2e", "text": "Featuring Japanese cuisine and a pub atmosphere, the Green Man is situated on the riverside, near the Express by Holiday Inn." } ] }, { "tripleset": [ [ "Green Man", "eatType", "pub" ], [ "Green Man", "food", "Japanese" ], [ "Green Man", "familyFriendly", "yes" ], [ "Green Man", "near", "Express by Holiday Inn" ] ], "annotations": [ { "source": "e2e", "text": "Green Man is a child friendly Japanese pub that is near the Express by Holiday Inn." }, { "source": "e2e", "text": "There is a child friendly Japanese pub named Green Man that is located near the Express by Holiday Inn." }, { "source": "e2e", "text": "Green Man, is a family friendly pub near Express by Holiday Inn that offers Japanese cuisine." }, { "source": "e2e", "text": "Green Man is a pub and also a Japanese pub great for family and close to Express by Holiday Inn" } ] }, { "tripleset": [ [ "Green Man", "eatType", "pub" ], [ "Green Man", "food", "Japanese" ], [ "Green Man", "near", "Express by Holiday Inn" ] ], "annotations": [ { "source": "e2e", "text": "The Green Man is a pub with Japanese food and is near Express by Holiday Inn." }, { "source": "e2e", "text": "A pub with Japanese food is Green Man and is next to Express by Holiday Inn." }, { "source": "e2e", "text": "Green Man is a family pub but also with Japanese food its near to the Express by Holiday Inn" } ] }, { "tripleset": [ [ "Green Man", "eatType", "pub" ], [ "Green Man", "near", "All Bar One" ] ], "annotations": [ { "source": "e2e", "text": "Expect nothing less than the usual pub quality at Green Man located by All Bar One." } ] }, { "tripleset": [ [ "Green Man", "eatType", "restaurant" ], [ "Green Man", "area", "riverside" ], [ "Green Man", "familyFriendly", "yes" ], [ "Green Man", "near", "Express by Holiday Inn" ] ], "annotations": [ { "source": "e2e", "text": "Green Man is a family-friendly restaurant just north of the city center. It is located on the river, just east of the Express by Holiday Inn." } ] }, { "tripleset": [ [ "Green Man", "eatType", "restaurant" ], [ "Green Man", "area", "riverside" ], [ "Green Man", "near", "Express by Holiday Inn" ] ], "annotations": [ { "source": "e2e", "text": "Green Man is a restaurant on the river just north of the city center. It's located due east of the Express by Holiday Inn." } ] }, { "tripleset": [ [ "Green Man", "eatType", "restaurant" ], [ "Green Man", "area", "city centre" ], [ "Green Man", "familyFriendly", "yes" ], [ "Green Man", "near", "Express by Holiday Inn" ] ], "annotations": [ { "source": "e2e", "text": "Green Man restaurant is located north of the city center. and close to the Express by Holiday Inn and welcomes families. Green Man restaurant also offers meals and wine." } ] }, { "tripleset": [ [ "Green Man", "eatType", "restaurant" ], [ "Green Man", "area", "riverside" ], [ "Green Man", "familyFriendly", "yes" ], [ "Green Man", "near", "Express by Holiday Inn" ] ], "annotations": [ { "source": "e2e", "text": "The Green Man, located near the Express by Holiday Inn in Riverside, is a kid friendly restaurant." } ] }, { "tripleset": [ [ "Green Man", "eatType", "restaurant" ], [ "Green Man", "familyFriendly", "no" ], [ "Green Man", "near", "Express by Holiday Inn" ] ], "annotations": [ { "source": "e2e", "text": "The Green Man is a non family friendly restaurant which is located next to the Express by Holiday Inn." }, { "source": "e2e", "text": "The Green Man is a restaurant located next to Express by Holiday Inn. The Green Man is a non family friendly restaurant." } ] }, { "tripleset": [ [ "Green Man", "eatType", "restaurant" ], [ "Green Man", "familyFriendly", "yes" ], [ "Green Man", "near", "Express by Holiday Inn" ] ], "annotations": [ { "source": "e2e", "text": "Green Man restaurant is located close to the Express by Holiday Inn and is family friendly. Green Man restaurant also offers pasta and wine." } ] }, { "tripleset": [ [ "Green Man", "eatType", "restaurant" ], [ "Green Man", "food", "Italian" ], [ "Green Man", "area", "riverside" ], [ "Green Man", "familyFriendly", "yes" ], [ "Green Man", "near", "Express by Holiday Inn" ] ], "annotations": [ { "source": "e2e", "text": "Green Man in the riverside area near the Express by Holiday Inn is an Italian restaurant which is child friendly." }, { "source": "e2e", "text": "Italian food is available in a children Friendly restaurant Green Man near Express by Holiday Inn in riverside" }, { "source": "e2e", "text": "By the riverside near the Express by Holiday Inn, is a children friendly restaurant named Green Man, which also serves Italian food." }, { "source": "e2e", "text": "Green Man is a children friendly restaurant which serves Italian food, and is located near the Express by Holiday Inn by the riverside." }, { "source": "e2e", "text": "Green Man is a children friendly Italian restaurant along the riverside near Express by Holiday Inn." }, { "source": "e2e", "text": "Green Man is a child-friendly Italian restaurant near Express by Holiday Inn in Riverside." }, { "source": "e2e", "text": "Green Man serves Italian food in a family-friendly, restaurant environment. Near the river, it is conveniently located close to the Express by Holiday Inn." }, { "source": "e2e", "text": "A kid friendly restaurant near the Express by Holiday Inn and the riverside that also serves Italian food and is called Green Man." }, { "source": "e2e", "text": "Located in riverside near Express by Holiday Inn is Green Man. It is a family friendly restaurant offering Italian food." }, { "source": "e2e", "text": "Green Man is a restaurant located riverside near Express by Holiday Inn. It serves Italian food and is kid-friendly." }, { "source": "e2e", "text": "Green Man is a restaurant located by the river near the Express by Holiday Inn. It serves Italian food and is family friendly." }, { "source": "e2e", "text": "The riverside is one of the many popular places to eat in Cambridge, in particular there is a restaurant named Green Man not far from the Express by Holiday Inn. This restaurant specialises in Italian food and is also a family friendly environment." }, { "source": "e2e", "text": "Near Express by Holiday Inn their is a restaurant that is family friendly serving Italian food along the riverside named Green Man." }, { "source": "e2e", "text": "Near Express by Holiday Inn is Green Man, a children friendly restaurant that serves Italian food. It is located by the riverside." }, { "source": "e2e", "text": "The Green Man is a kids friendly restaurant serving Italian food. it is located in the riverside area near the Express by Holiday Inn." }, { "source": "e2e", "text": "Green Man is an Italian restaurant situated on the riverside near Express by Holiday Inn. Family friendly yes" }, { "source": "e2e", "text": "Green Man near Express by Holiday Inn in the riverside area is an Italian restaurant and child friendly" }, { "source": "e2e", "text": "There is a family-friendly Italian restaurant near Express by Holiday Inn in the riverside area named Green Man" }, { "source": "e2e", "text": "There's a restaurant called the Green Man that serves Italian food near the Express by Holiday Inn in Riverside. It's kids friendly." }, { "source": "e2e", "text": "Riverside the location of a restaurant that is kids-friendly, serves Italian food, is called Green Man, it's near Express by Holiday Inn." }, { "source": "e2e", "text": "Green Man is a restaurant that serves Italian food at the riverside. It is kids-friendly and is near Express by Holiday Inn." }, { "source": "e2e", "text": "Green Man is a family friendly restaurant. It offers Italian food and is located in riverside near Express by Holiday Inn." }, { "source": "e2e", "text": "Green Man is a kid friendly restaurant that also serves Italian food and is near the riverside and the Express by Holiday Inn." }, { "source": "e2e", "text": "Green Man restaurant serves Italian food in a kids friendly setting. located near the Express by Holiday Inn in the riverside area." }, { "source": "e2e", "text": "Near the riverside area and the Express by Holiday Inn is Green Man, a children friendly restaurant that serves Italian food." }, { "source": "e2e", "text": "Near Express by Holiday Inn, there is an Italian restaurant called Green Man. It is child friendly in the riverside area." }, { "source": "e2e", "text": "Green Man is a family friendly Italian restaurant in the riverside area close to Express by Holiday Inn." }, { "source": "e2e", "text": "Green Man is a family-friendly Italian restaurant located riverside near the Express by Holiday Inn." } ] }, { "tripleset": [ [ "Green Man", "eatType", "restaurant" ], [ "Green Man", "food", "Italian" ], [ "Green Man", "area", "riverside" ], [ "Green Man", "familyFriendly", "yes" ], [ "Green Man", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "Near Raja Indian Cuisine, riverside, there is a children friendly Italian restaurant named Green Man." }, { "source": "e2e", "text": "Green Man is a restaurant that is family friendly serving Italian food near the Raja Indian Cuisine along the riverside." }, { "source": "e2e", "text": "There is a child-friendly restaurant serving Italian food named Green Man in Riverside near Raja Indian Cuisine." }, { "source": "e2e", "text": "Have you visited Green Man? Its a children friendly Italian restaurant near Raja Indian Cuisine located by the riverside." } ] }, { "tripleset": [ [ "Green Man", "eatType", "restaurant" ], [ "Green Man", "food", "Italian" ], [ "Green Man", "area", "riverside" ], [ "Green Man", "near", "Express by Holiday Inn" ] ], "annotations": [ { "source": "e2e", "text": "Green Man restaurant offers Italian food in the riverside area. It is near the Express by Holiday Inn." } ] }, { "tripleset": [ [ "Green Man", "eatType", "restaurant" ], [ "Green Man", "food", "Italian" ], [ "Green Man", "familyFriendly", "yes" ], [ "Green Man", "near", "Express by Holiday Inn" ] ], "annotations": [ { "source": "e2e", "text": "Beside the Express by Holiday Inn and the river, there is an Italian food serving restaurant called Green Man. It is family friendly." } ] }, { "tripleset": [ [ "Green Man", "eatType", "restaurant" ], [ "Green Man", "food", "Japanese" ], [ "Green Man", "area", "city centre" ], [ "Green Man", "familyFriendly", "no" ], [ "Green Man", "near", "Express by Holiday Inn" ] ], "annotations": [ { "source": "e2e", "text": "Green Man is a restaurant that isn't family-friendly, serves Japanese food near to the Express by Holiday Inn in the City centre" }, { "source": "e2e", "text": "The Green Man is a restaurant near Express by Holiday Inn in the city centre which serves Japanese food. It is not family-friendly." }, { "source": "e2e", "text": "Near the Express by Holiday Inn in the city centre there is a non family-friendly restaurant called the Green Man, it serves Japanese food." }, { "source": "e2e", "text": "For a restaurant that serves Japanese food near to the Express by Holiday Inn in the city centre and that isn't family-friendly then go to the Green Man" }, { "source": "e2e", "text": "Located near the Express by Holiday Inn in the city centre is a restaurant named Green Man. They serve Japanese food and are not family-friendly." }, { "source": "e2e", "text": "The Green Man is a non-family-friendly restaurant that serves Japanese food near the Express by Holiday Inn in the city centre." } ] }, { "tripleset": [ [ "Green Man", "eatType", "restaurant" ], [ "Green Man", "food", "Japanese" ], [ "Green Man", "area", "city centre" ], [ "Green Man", "familyFriendly", "yes" ], [ "Green Man", "near", "Express by Holiday Inn" ] ], "annotations": [ { "source": "e2e", "text": "Green Man is a family-friendly restaurant. They serve Japanese food and are located near Express by Holiday Inn in the city centre." }, { "source": "e2e", "text": "Near the Express by Holiday Inn in the city centre is Green Man. It is a Japanese restaurant that is family-friendly." }, { "source": "e2e", "text": "There is a family-friendly, Japanese restaurant near Express by Holiday Inn in city centre named Green Man." }, { "source": "e2e", "text": "Green Man, a Japanese restaurant near Express by Holiday Inn in city centre is family-friendly." }, { "source": "e2e", "text": "Green Man is a family-friendly restaurant serving Japanese food. It can be found near the Express by Holiday Inn near city centre." }, { "source": "e2e", "text": "Near the Express by Holiday Inn in city centre is the family-friendly Green Man. This restaurant serves Japanese food." } ] }, { "tripleset": [ [ "Green Man", "eatType", "restaurant" ], [ "Green Man", "food", "Japanese" ], [ "Green Man", "area", "riverside" ], [ "Green Man", "familyFriendly", "no" ], [ "Green Man", "near", "Express by Holiday Inn" ] ], "annotations": [ { "source": "e2e", "text": "Green Man is a restaurant serving Japanese food, it's located in the riverside area near Express by Holiday Inn and is not family-friendly." }, { "source": "e2e", "text": "Located by the riverside near the Express by Holiday Inn is a restaurant named Green Man offering Japanese food in a non-family-friendly environment." }, { "source": "e2e", "text": "There is a Japanese restaurant Green Man located in riverside near Express by Holiday Inn. Not family-friendly." }, { "source": "e2e", "text": "Green Man is a non family friendly Japanese restaurant, just a short distance along the riverside from the Express by Holiday Inn." }, { "source": "e2e", "text": "Green Man is a restaurant serving Japanese food, it's not family-friendly and is located in the riverside area near Express by Holiday Inn." }, { "source": "e2e", "text": "Located by the riverside near the Express by Holiday Inn, Green Man is a Japanese restaurant that is not family friendly." }, { "source": "e2e", "text": "Green Man is a restaurant serving Japanese food. It is located by the riverside near the Express by Holiday Inn and is not family-friendly." } ] }, { "tripleset": [ [ "Green Man", "eatType", "restaurant" ], [ "Green Man", "food", "Japanese" ], [ "Green Man", "area", "riverside" ], [ "Green Man", "familyFriendly", "yes" ], [ "Green Man", "near", "Express by Holiday Inn" ] ], "annotations": [ { "source": "e2e", "text": "The Green Man is a family friendly restaurant near Express by Holiday Inn in the riverside area with Japanese food." }, { "source": "e2e", "text": "Green Man is a children friendly restaurant that serves Japanese food. It is by the riverside near Express by Holiday Inn." }, { "source": "e2e", "text": "Green Man is a child friendly restaurant which serves Japanese food and is located near Express by Holiday Inn in Riverside." }, { "source": "e2e", "text": "Green Man restaurant in riverside near Express by Holiday Inn serves Japanese food and is children Friendly." }, { "source": "e2e", "text": "There is a kids-friendly restaurant in near the Express by Holiday Inn in the riverside area. Named Green Man, it specializes in Japanese food." }, { "source": "e2e", "text": "A kids Friendly Japanese restaurant along the riverside is called Green Man and is next to Express by Holiday Inn." }, { "source": "e2e", "text": "By the Express by Holiday Inn and the riverside, there is a restaurant which serves Japanese food and is children friendly, named The Green Man." }, { "source": "e2e", "text": "Green Man is located near the Express by Holiday Inn on the riverside, it is a family friendly restaurant serving Japanese foods." }, { "source": "e2e", "text": "Green Man is a restaurant that offers Japanese food an is kid friendly. Its in the riverside area near the Express by Holiday Inn." }, { "source": "e2e", "text": "Green Man is a kid friendly Japanese restaurant, near Express by Holiday Inn in riverside." }, { "source": "e2e", "text": "The Green Man, near Express by Holiday Inn in the riverside area, is a family friendly restaurant with Japanese food." }, { "source": "e2e", "text": "Green Man is a Japanese restaurant family friendly located at the riverside near the Express by Holiday Inn." }, { "source": "e2e", "text": "In riverside, near Express by Holiday Inn, there is a kid friendly Japanese restaurant named Green Man." }, { "source": "e2e", "text": "In riverside, near Express by Holiday Inn, is a restaurant style place called Green Man. They serve Japanese food, and are kid friendly." }, { "source": "e2e", "text": "the Green Man is a restaurant which also sells Japanese food. it is located near Express by Holiday Inn down by the riverside. yes it is family friendly" }, { "source": "e2e", "text": "Green Man is a children friendly Japanese restaurant in the Riverside area near Express by Holiday Inn." }, { "source": "e2e", "text": "Green Man is a restaurant that offers Japanese food. It is near Express by Holiday Inn in the area of riverside and is children friendly." }, { "source": "e2e", "text": "Green Man is a family friendly Japanese restaurant located by the riverside Express by Holiday Inn." }, { "source": "e2e", "text": "Near the Express by Holiday Inn in Riverside there is a children friendly Japanese restaurant called Green Man." }, { "source": "e2e", "text": "Green Man is a restaurant serving Japanese food in the riverside area near the Express by Holiday Inn. It is known to be kids-friendly." }, { "source": "e2e", "text": "The Green Man, located on the riverside near the Express by Holiday Inn, features a kid-friendly restaurant atmosphere that serves Japanese cuisine as well." }, { "source": "e2e", "text": "The Green Man is a children friendly restaurant which serves Japanese food, and is located near the Express by Holiday Inn by the riverside." }, { "source": "e2e", "text": "Green Man is a family friendly Japanese restaurant located near the Express by Holiday Inn in riverside" }, { "source": "e2e", "text": "The Green Man Japanese restaurant is family friendly. It is along the riverside near the Express by Holiday Inn." }, { "source": "e2e", "text": "The Green Man is near Express by Holiday Inn and riverside. It is a restaurant that provides Japanese food, and is family friendly." }, { "source": "e2e", "text": "Green Man is a restaurant serving Japanese food. It is located near Express by Holiday Inn in the riverside area, and is child friendly" }, { "source": "e2e", "text": "A Japanese restaurant called the Green Man is family friendly. It is near the Express by Holiday Inn near the riverside." }, { "source": "e2e", "text": "Green Man is a kid friendly restaurant in the riverside area that offers Japanese food near the Express by Holiday Inn" }, { "source": "e2e", "text": "near Express by Holiday Inn is a Japanese restaurant called Green Man. it is by the riverside and yes it is family friendly" }, { "source": "e2e", "text": "Near the Express by Holiday Inn, on the riverside, is the Japanese family friendly restaurant, Green Man." }, { "source": "e2e", "text": "Green Man located in riverside near Express by Holiday Inn is a family friendly Japanese restaurant" }, { "source": "e2e", "text": "Green Man is a riverside restaurant by Express by Holiday Inn that serves Japanese food. It is children friendly." }, { "source": "e2e", "text": "Green Man, is a family friendly riverside restaurant near the Express by Holiday Inn, that serves Japanese food." }, { "source": "e2e", "text": "There is a restaurant style place in riverside that sells Japanese food, called Green Man. It is also kid friendly and located near Express by Holiday Inn." }, { "source": "e2e", "text": "Green Man is a children friendly restaurant that offers Japanese food. It is near Express by Holiday Inn in the area of riverside." } ] }, { "tripleset": [ [ "Green Man", "eatType", "restaurant" ], [ "Green Man", "food", "Japanese" ], [ "Green Man", "area", "riverside" ], [ "Green Man", "near", "Express by Holiday Inn" ] ], "annotations": [ { "source": "e2e", "text": "Green Man is a Japanese restaurant located in riverside near Express by Holiday Inn." }, { "source": "e2e", "text": "Featuring Japanese cuisine and a restaurant atmosphere, the Green Man is situated on the riverside, near the Express by Holiday Inn." } ] }, { "tripleset": [ [ "Green Man", "eatType", "restaurant" ], [ "Green Man", "food", "Japanese" ], [ "Green Man", "familyFriendly", "yes" ], [ "Green Man", "near", "Express by Holiday Inn" ] ], "annotations": [ { "source": "e2e", "text": "Green Man is a child friendly Japanese restaurant that is near the Express by Holiday Inn." }, { "source": "e2e", "text": "There is a child friendly Japanese restaurant named Green Man that is located near the Express by Holiday Inn." }, { "source": "e2e", "text": "Green Man, is a family friendly restaurant near Express by Holiday Inn that offers Japanese cuisine." }, { "source": "e2e", "text": "Green Man is a restaurant and also a Japanese restaurant great for family and close to Express by Holiday Inn" } ] }, { "tripleset": [ [ "Green Man", "eatType", "restaurant" ], [ "Green Man", "food", "Japanese" ], [ "Green Man", "near", "Express by Holiday Inn" ] ], "annotations": [ { "source": "e2e", "text": "The Green Man is a restaurant with Japanese food and is near Express by Holiday Inn." }, { "source": "e2e", "text": "A restaurant with Japanese food is Green Man and is next to Express by Holiday Inn." }, { "source": "e2e", "text": "Green Man is a family restaurant but also with Japanese food its near to the Express by Holiday Inn" } ] }, { "tripleset": [ [ "Green Man", "food", "Italian" ], [ "Green Man", "area", "riverside" ], [ "Green Man", "familyFriendly", "yes" ], [ "Green Man", "near", "Express by Holiday Inn" ] ], "annotations": [ { "source": "e2e", "text": "If you're looking for kid friendly Italian food in the riverside area - then the Green Man is for you. It is near the Express by Holiday Inn." }, { "source": "e2e", "text": "If you're looking for kid friendly Italian food in the riverside area - then the Green Man is for you. It is near the Express by Holiday Inn." } ] }, { "tripleset": [ [ "Loch Fyne", "eatType", "coffee shop" ] ], "annotations": [ { "source": "e2e", "text": "The Loch Fyne coffee shop is located on the bank of the river." } ] }, { "tripleset": [ [ "Loch Fyne", "eatType", "coffee shop" ], [ "Loch Fyne", "area", "riverside" ] ], "annotations": [ { "source": "e2e", "text": "The Loch Fyne is a coffee shop at the riverside." }, { "source": "e2e", "text": "The Loch Fyne is a coffee shop in the riverside area of the city." } ] }, { "tripleset": [ [ "Loch Fyne", "eatType", "pub" ] ], "annotations": [ { "source": "e2e", "text": "The Loch Fyne pub is located on the bank of the river." } ] }, { "tripleset": [ [ "Loch Fyne", "eatType", "pub" ], [ "Loch Fyne", "area", "riverside" ] ], "annotations": [ { "source": "e2e", "text": "The Loch Fyne is a pub at the riverside." }, { "source": "e2e", "text": "The Loch Fyne is a pub in the riverside area of the city." } ] }, { "tripleset": [ [ "Strada", "customer rating", "1 out of 5" ], [ "Strada", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "The customer rated 1 out of 5, Strada is near Rainbow Vegetarian Caf\u00e9." }, { "source": "e2e", "text": "The customer rated 1 out of 5, Strada is near Rainbow Vegetarian Caf\u00e9." } ] }, { "tripleset": [ [ "Strada", "eatType", "coffee shop" ], [ "Strada", "area", "city centre" ] ], "annotations": [ { "source": "e2e", "text": "There is a coffee shop in the city centre called the Strada." }, { "source": "e2e", "text": "The Strada is a city centre area coffee shop." }, { "source": "e2e", "text": "The Strada is a coffee shop located in the centre of the city." }, { "source": "e2e", "text": "In city centre, there is a coffee shop called Strada." } ] }, { "tripleset": [ [ "Strada", "eatType", "coffee shop" ], [ "Strada", "customer rating", "1 out of 5" ], [ "Strada", "near", "All Bar One" ] ], "annotations": [ { "source": "e2e", "text": "The Strada is a coffee shop near All Bar One that has a customer rating of 1 out of 5." }, { "source": "e2e", "text": "Near All Bar One is the Strada coffee shop with a customer rating of 1 out of 5." }, { "source": "e2e", "text": "Rated 1 out of 5, Strada is a coffee shop close to All Bar One." } ] }, { "tripleset": [ [ "Strada", "eatType", "coffee shop" ], [ "Strada", "customer rating", "1 out of 5" ], [ "Strada", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "A coffee shop named Strada has a customer rating of 1 out of 5 and is near Rainbow Vegetarian Caf\u00e9." }, { "source": "e2e", "text": "Near Rainbow Vegetarian Caf\u00e9, there is a coffee shop called Strada with customer rating 1 out of 5." } ] }, { "tripleset": [ [ "Strada", "eatType", "coffee shop" ], [ "Strada", "customer rating", "low" ], [ "Strada", "near", "Express by Holiday Inn" ] ], "annotations": [ { "source": "e2e", "text": "Strada coffee shop has a low customer Rating and is located near Express by Holiday Inn." }, { "source": "e2e", "text": "Strada coffee shop has a low customer rating and is located near Express by Holiday Inn." }, { "source": "e2e", "text": "Strada is a one star coffee shop located near Express by Holiday Inn" }, { "source": "e2e", "text": "Strada is a coffee shop, near Express by Holiday Inn. It has a low customer rating." }, { "source": "e2e", "text": "Strada coffee shop near Express by Holiday Inn has a low customer Rating" } ] }, { "tripleset": [ [ "Strada", "eatType", "coffee shop" ], [ "Strada", "near", "All Bar One" ] ], "annotations": [ { "source": "e2e", "text": "A few steps of the All Bar One, there is a coffee shop called Strada with with negative feedback from its customers." } ] }, { "tripleset": [ [ "Strada", "eatType", "pub" ], [ "Strada", "area", "city centre" ] ], "annotations": [ { "source": "e2e", "text": "There is a pub in the city centre called the Strada." }, { "source": "e2e", "text": "The Strada is a city centre area pub." }, { "source": "e2e", "text": "The Strada is a pub located in the centre of the city." }, { "source": "e2e", "text": "In city centre, there is a pub called Strada." } ] }, { "tripleset": [ [ "Strada", "eatType", "pub" ], [ "Strada", "customer rating", "1 out of 5" ], [ "Strada", "near", "All Bar One" ] ], "annotations": [ { "source": "e2e", "text": "The Strada is a pub near All Bar One that has a customer rating of 1 out of 5." }, { "source": "e2e", "text": "Near All Bar One is the Strada pub with a customer rating of 1 out of 5." }, { "source": "e2e", "text": "Rated 1 out of 5, Strada is a pub close to All Bar One." } ] }, { "tripleset": [ [ "Strada", "eatType", "pub" ], [ "Strada", "customer rating", "1 out of 5" ], [ "Strada", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "A pub named Strada has a customer rating of 1 out of 5 and is near Rainbow Vegetarian Caf\u00e9." }, { "source": "e2e", "text": "Near Rainbow Vegetarian Caf\u00e9, there is a pub called Strada with customer rating 1 out of 5." } ] }, { "tripleset": [ [ "Strada", "eatType", "pub" ], [ "Strada", "customer rating", "low" ], [ "Strada", "near", "Express by Holiday Inn" ] ], "annotations": [ { "source": "e2e", "text": "Strada pub has a low customer Rating and is located near Express by Holiday Inn." }, { "source": "e2e", "text": "Strada pub has a low customer rating and is located near Express by Holiday Inn." }, { "source": "e2e", "text": "Strada is a one star pub located near Express by Holiday Inn" }, { "source": "e2e", "text": "Strada is a pub, near Express by Holiday Inn. It has a low customer rating." }, { "source": "e2e", "text": "Strada pub near Express by Holiday Inn has a low customer Rating" } ] }, { "tripleset": [ [ "Strada", "eatType", "pub" ], [ "Strada", "near", "All Bar One" ] ], "annotations": [ { "source": "e2e", "text": "A few steps of the All Bar One, there is a pub called Strada with with negative feedback from its customers." } ] }, { "tripleset": [ [ "The Cricketers", "customer rating", "low" ], [ "The Cricketers", "familyFriendly", "yes" ], [ "The Cricketers", "near", "Ranch" ] ], "annotations": [ { "source": "e2e", "text": "The Cricketers is child friendly near a Ranch and has a Low customer rating" }, { "source": "e2e", "text": "The Cricketers located near a Ranch is child friendly and has a Low customer rating" }, { "source": "e2e", "text": "The Cricketers is child friendly near a Ranch and has a Low customer rating" }, { "source": "e2e", "text": "The Cricketers located near a Ranch is child friendly and has a Low customer rating" } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "coffee shop" ], [ "The Cricketers", "customer rating", "1 out of 5" ], [ "The Cricketers", "familyFriendly", "yes" ], [ "The Cricketers", "near", "Avalon" ] ], "annotations": [ { "source": "e2e", "text": "The customer rating is bad at the children friendly coffee shop called The Cricketers near Avalon." }, { "source": "e2e", "text": "Near the Avalon is The Cricketers which is a children friendly coffee shop with a 1 out of 5 customer rating" }, { "source": "e2e", "text": "Customers give The Cricketers a rating of 1 out of 5. The Cricketers is a kid friendly coffee shop by the Avalon." }, { "source": "e2e", "text": "The Cricketers is a kids friendly coffee shop near Avalon . It has a very low customer rating." }, { "source": "e2e", "text": "1 star customer rated coffee shop, The Cricketers, is located near Avalon and is family friendly." }, { "source": "e2e", "text": "The Cricketers is a coffee shop near Avalon that is child friendly and has a 1 out of 5 customer rating." }, { "source": "e2e", "text": "The Cricketers is a kid-friendly coffee shop near Avalon, and has a customer rating of 1 out of 5 stars." }, { "source": "e2e", "text": "A kid friendly coffee shop is The Cricketers which is near the Avalon. It is kid friendly and has a 1 out of 5 rating." }, { "source": "e2e", "text": "The Cricketers is a coffee shop near the Avalon. It has an amazing rating of 1 out of 5. yes, it is Children friendly." }, { "source": "e2e", "text": "If you're looking for some kid friendly coffee shop food near Avalon, then you could try The Cricketers, however, it has a low customer rating of 1 out of 5." }, { "source": "e2e", "text": "With a 1 out of 5 customer rating The Cricketers coffee shop is children friendly is by the Avalon" }, { "source": "e2e", "text": "The Cricketers is a kid friendly coffee shop near the Avalon with a customer rating of 1 out of 5." }, { "source": "e2e", "text": "The Cricketers is a coffee shop located near the Avalon. It is child friendly, but it has a 1 out of 5 customer rating." }, { "source": "e2e", "text": "Children friendly coffee shop, The Cricketers, with 1 star customer rating, is located near Avalon." }, { "source": "e2e", "text": "Come to coffee shop near the Avalon named The Cricketers. It has an amazing rating of 1 out of 5. yes, it is Children friendly." }, { "source": "e2e", "text": "The Cricketers is a child friendly coffee shop with a customer rating of 1 out of 5 located near Avalon." }, { "source": "e2e", "text": "The Cricketers is a kids friendly coffee shop located near Avalon and has a customer rating of 1 out of 5." }, { "source": "e2e", "text": "The Cricketers is a kids-friendly coffee shop close to the Avalon with a customer rating 1 out of 5" }, { "source": "e2e", "text": "The Cricketers, near Avalon, is coffee shop style , children friendly and rated 1 out of 5." }, { "source": "e2e", "text": "The Cricketers is a coffee shop near Avalon. It is children friendly and has a customer rating of 1 out of 5." }, { "source": "e2e", "text": "The Cricketers is a children-friendly coffee shop near Avalon. It is rated at 1 out of 5." }, { "source": "e2e", "text": "The Cricketers is a coffee shop near Avalon. It children friendly and have 1 out of 5 rating." }, { "source": "e2e", "text": "A kid friendly coffee shop named The Cricketers is near Avalon, but it has a customer rating of 1 out of 5." }, { "source": "e2e", "text": "There is a coffee shop called The Cricketers, located near Avalon which is rated 1 out of 5 and is children friendly." }, { "source": "e2e", "text": "The Cricketers is a child friendly 1 star coffee shop. It is located near the Avalon." } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "coffee shop" ], [ "The Cricketers", "customer rating", "1 out of 5" ], [ "The Cricketers", "near", "Avalon" ] ], "annotations": [ { "source": "e2e", "text": "The Cricketers is a family coffee shop near the Avalon with a rating 1 out of 5" } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "coffee shop" ], [ "The Cricketers", "customer rating", "3 out of 5" ], [ "The Cricketers", "familyFriendly", "yes" ], [ "The Cricketers", "near", "Avalon" ] ], "annotations": [ { "source": "e2e", "text": "The Cricketers is a kid-friendly coffee shop with a customer rating of 3 out of 5. It is located near Avalon." }, { "source": "e2e", "text": "The Cricketers is a coffee shop located near Avalon. It is children friendly and has a 3 out of 5 customer rating." }, { "source": "e2e", "text": "The Cricketers has a rating of 3 out of 5, it is a child friendly coffee shop near Avalon" }, { "source": "e2e", "text": "Located near Avalon, The Cricketers is a kid-friendly coffee shop that gets a customer rating of 3 out of 5." }, { "source": "e2e", "text": "Located near Avalon, The Cricketers is a child friendly coffee shop with a customer rating 3 out of 5." }, { "source": "e2e", "text": "Near to the Avalon is a coffee shop called The Cricketers which is child friendly and has a customer rating of 3 out of 5." }, { "source": "e2e", "text": "The Cricketers is a coffee shop located near Avalon. The coffee shop boats a customer rating of 3 out of 5 and is children friendly." }, { "source": "e2e", "text": "Near the Avalon is a kid friendly coffee shop called The Cricketers. They have a rating of 3 out of 5." }, { "source": "e2e", "text": "3 out of 5 star coffee shop style coffee shop The Cricketers offers child friendly atmosphere near Avalon." } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "coffee shop" ], [ "The Cricketers", "customer rating", "3 out of 5" ], [ "The Cricketers", "familyFriendly", "yes" ], [ "The Cricketers", "near", "Crowne Plaza Hotel" ] ], "annotations": [ { "source": "e2e", "text": "The Cricketers is a kid friendly coffee shop that is located near Crowne Plaza Hotel. It has a 3 out of 5 customer rating." }, { "source": "e2e", "text": "Given 3 out of 5, The Cricketers is a kid friendly coffee shop near Crowne Plaza Hotel." }, { "source": "e2e", "text": "Near Crowne Plaza Hotel is The Cricketers, which has average customer ratings and provides a kids-friendly atmosphere within a coffee shop." }, { "source": "e2e", "text": "The child friendly coffee shop called The Cricketers has a rating of 3 out of 5, located near Crowne Plaza Hotel" }, { "source": "e2e", "text": "The Cricketers is a children Friendly coffee shop near to Crowne Plaza Hotel with a customer rating of 3 out of 5." }, { "source": "e2e", "text": "The Cricketers is a kid friendly coffee shop coffee shop. It is located near Crowne Plaza Hotel and has a 3 out of 5 customer rating." }, { "source": "e2e", "text": "The Cricketers, a children friendly coffee shop located near Crowne Plaza Hotel, has a 3 out of 5 customer rating." }, { "source": "e2e", "text": "Located near Crowne Plaza Hotel, The Cricketers is a children friendly coffee shop boasting a customer rating of 3 out of 5." }, { "source": "e2e", "text": "The Cricketers is a kid friendly coffee shop near the Crowne Plaza Hotel and holds a rating of 3 out of 5." }, { "source": "e2e", "text": "The Cricketers is a children Friendly coffee shop, with 3 out of 5 customer rating it's near Crowne Plaza Hotel." }, { "source": "e2e", "text": "With a customer rating of 3 out of 5, The Cricketers is a child friendly coffee shop located near Crowne Plaza Hotel." } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "coffee shop" ], [ "The Cricketers", "customer rating", "5 out of 5" ], [ "The Cricketers", "familyFriendly", "no" ], [ "The Cricketers", "near", "Crowne Plaza Hotel" ] ], "annotations": [ { "source": "e2e", "text": "The Cricketers, a highly rated coffee shop near Crowne Plaza Hotel, is not family-friendly." }, { "source": "e2e", "text": "The Cricketers, a coffee shop near Crowne Plaza Hotel, is highly rated but not family-friendly." }, { "source": "e2e", "text": "The Cricketers is a highly rated, but not family-friendly, coffee shop near Crowne Plaza Hotel." } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "coffee shop" ], [ "The Cricketers", "customer rating", "5 out of 5" ], [ "The Cricketers", "familyFriendly", "yes" ], [ "The Cricketers", "near", "Avalon" ] ], "annotations": [ { "source": "e2e", "text": "The Cricketers is a kids-friendly coffee shop near Avalon with a rating of 3 out 5 stars." } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "coffee shop" ], [ "The Cricketers", "customer rating", "5 out of 5" ], [ "The Cricketers", "familyFriendly", "yes" ], [ "The Cricketers", "near", "Crowne Plaza Hotel" ] ], "annotations": [ { "source": "e2e", "text": "family-friendly coffee shop The Cricketers is near Crowne Plaza Hotel and has a customer rating of 5 out of 5." }, { "source": "e2e", "text": "The Cricketers coffee shop near Crowne Plaza Hotel is family-friendly and has a customer rating of 5 out of 5." }, { "source": "e2e", "text": "There is a 5 out of 5 customer rated child friendly coffee shop located near a Crowne Plaza Hotel called The Cricketers." }, { "source": "e2e", "text": "The Cricketers is a family friendly coffee shop. It has a 5 out of 5 rating and is located near Crowne Plaza Hotel." }, { "source": "e2e", "text": "Stunning Crowne Plaza Hotel coffee shop The Cricketers, family friendly and rated 5 out of 5 by customers." }, { "source": "e2e", "text": "A kid friendly coffee shop, The Cricketers, is located near a Crowne Plaza Hotel and has a rating 5 out of 5." }, { "source": "e2e", "text": "For a coffee shop near Crowne Plaza Hotel that is children friendly and has a customer rating of 5 out of 5, try The Cricketers." }, { "source": "e2e", "text": "The Cricketers is a children friendly coffee shop near Crowne Plaza Hotel with a 5 out of 5 customer rating." }, { "source": "e2e", "text": "The Cricketers is a family friendly coffee shop. It is located near Crowne Plaza Hotel and has a customer rating of 5 out of 5." }, { "source": "e2e", "text": "Located near Crowne Plaza Hotel, The Cricketers is a coffee shop with a 5 out of 5 customer rating. They are children friendly." }, { "source": "e2e", "text": "The Cricketers is a coffee shop located near Crowne Plaza Hotel. It has a customer rating of 5 out of 5 and is children friendly." }, { "source": "e2e", "text": "The Cricketers is a family friendly coffee shop that has a customer rating of 5 out of 5 near Crowne Plaza Hotel" }, { "source": "e2e", "text": "The Cricketers is a Family Friendly coffee shop near Crowne Plaza Hotel. It has a customer satisfaction rating of 5 out of 5." }, { "source": "e2e", "text": "The Cricketers is a family friendly coffee shop that is located near Crowne Plaza Hotel. It has a customer rating of 5 out of 5." }, { "source": "e2e", "text": "The Cricketers is a coffee shop near Crowne Plaza Hotel with a 5 out of 5 rating. It is family friendly." }, { "source": "e2e", "text": "The Cricketers has a customer satisfaction rating of 5 out of 5. It is a family friendly coffee shop near Crowne Plaza Hotel." }, { "source": "e2e", "text": "The Cricketers is a family friendly coffee shop near Crowne Plaza Hotel, with a customer rating of five out of five." }, { "source": "e2e", "text": "A children friendly coffee shop near Crowne Plaza Hotel is The Cricketers. It has a 5 out of 5 rating" }, { "source": "e2e", "text": "Near Crowne Plaza Hotel is a family friendly coffee shop with a customer rating of five out of five named The Cricketers." }, { "source": "e2e", "text": "The Cricketers is a children friendly coffee shop near Crowne Plaza Hotel. It has a 5 out of 5 rating" } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "coffee shop" ], [ "The Cricketers", "customer rating", "5 out of 5" ], [ "The Cricketers", "near", "Crowne Plaza Hotel" ] ], "annotations": [ { "source": "e2e", "text": "The highly rated coffee shop, The Cricketers, is located near Crowne Plaza Hotel. Don't bring the kids." } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "coffee shop" ], [ "The Cricketers", "customer rating", "average" ], [ "The Cricketers", "familyFriendly", "no" ], [ "The Cricketers", "near", "Caf\u00e9 Sicilia" ] ], "annotations": [ { "source": "e2e", "text": "The Cricketers is an average rated coffee shop close to Caf\u00e9 Sicilia, not for children" }, { "source": "e2e", "text": "Close to Caf\u00e9 Sicilia you'll find The Cricketers, an average rated coffee shop not so child friendly" } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "coffee shop" ], [ "The Cricketers", "customer rating", "average" ], [ "The Cricketers", "familyFriendly", "no" ], [ "The Cricketers", "near", "Crowne Plaza Hotel" ] ], "annotations": [ { "source": "e2e", "text": "An average rating, The Cricketers, which is near the Crowne Plaza Hotel is not a family-friendly coffee shop." } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "coffee shop" ], [ "The Cricketers", "customer rating", "average" ], [ "The Cricketers", "familyFriendly", "yes" ], [ "The Cricketers", "near", "Caf\u00e9 Sicilia" ] ], "annotations": [ { "source": "e2e", "text": "The Cricketers near the Caf\u00e9 Sicilia are a family-friendly coffee shop with an average customer rating." }, { "source": "e2e", "text": "The Cricketers coffee shop has an average customer rating and is family-friendly. They are located near the Caf\u00e9 Sicilia." }, { "source": "e2e", "text": "A children friendly coffee shop near Caf\u00e9 Sicilia with an average customer rating is named The Cricketers." }, { "source": "e2e", "text": "The Cricketers, near Caf\u00e9 Sicilia, is a child friendly coffee shop with an average customer rating." }, { "source": "e2e", "text": "There is a children friendly, average rated coffee shop called The Cricketers near Caf\u00e9 Sicilia." }, { "source": "e2e", "text": "Near Caf\u00e9 Sicilia there is a coffee shop named The Cricketers. It's family friendly with an average rating." }, { "source": "e2e", "text": "The Cricketers coffee shop is children friendly. It is found near Caf\u00e9 Sicilia and has a customer rating of average." }, { "source": "e2e", "text": "As a children friendly coffee shop, The Cricketers has a friendly atmosphere and great service. It's got good customer ratings and is located near Caf\u00e9 Sicilia." }, { "source": "e2e", "text": "The Cricketers has an average customer rating, it is a family friendly coffee shop near Caf\u00e9 Sicilia." }, { "source": "e2e", "text": "For an average rated coffee shop that's family-friendly, check out The Cricketers near Caf\u00e9 Sicilia." }, { "source": "e2e", "text": "If you're looking for a kid friendly coffee shop with an average customer rating, try The Cricketers, located near Caf\u00e9 Sicilia." }, { "source": "e2e", "text": "For coffee shop style eating that is kid friendly, look for The Cricketers, located near Caf\u00e9 Sicilia. It has an average customer rating." }, { "source": "e2e", "text": "Near Caf\u00e9 Sicilia you will find a children-friendly coffee shop with an average customer rating called The Cricketers." }, { "source": "e2e", "text": "The Cricketers is a family friendly coffee shop near Caf\u00e9 Sicilia. It has an average customer rating." }, { "source": "e2e", "text": "Near the Caf\u00e9 Sicilia is an average rated coffee shop, family friendly and called The Cricketers" }, { "source": "e2e", "text": "Near Caf\u00e9 Sicilia, is a family friendly coffee shop, The Cricketers, It has an average customer rating." }, { "source": "e2e", "text": "The Cricketers is a family friendly coffee shop near Caf\u00e9 Sicilia with an average customer rating." }, { "source": "e2e", "text": "The Cricketers with an average customer rating is kid friendly coffee shop located near the Caf\u00e9 Sicilia." }, { "source": "e2e", "text": "The Cricketers is a children friendly coffee shop near Caf\u00e9 Sicilia. It has good customer ratings and a friendly atmosphere." }, { "source": "e2e", "text": "The Cricketers is a coffee shop that is children friendly and has an average customer rating near Caf\u00e9 Sicilia." }, { "source": "e2e", "text": "The Cricketers is an average rated coffee shop with a children-friendly atmosphere located near Caf\u00e9 Sicilia." }, { "source": "e2e", "text": "For a family friendly coffee shop located near Caf\u00e9 Sicilia, The Cricketers is a wonderful choice with an average customer rating." }, { "source": "e2e", "text": "The Cricketers is a coffee shop near Caf\u00e9 Sicilia. Yes it is children friendly. It has an average customer rating." }, { "source": "e2e", "text": "The Cricketers is a family-friendly coffee shop near Caf\u00e9 Sicilia that's been rated average by customers." }, { "source": "e2e", "text": "The Cricketers near Caf\u00e9 Sicilia has a customer rating of average, the Cricketers is a family friendly coffee shop." }, { "source": "e2e", "text": "The Cricketers is a coffee shop that is children friendly has an average customer rating and is near the Caf\u00e9 Sicilia." }, { "source": "e2e", "text": "Near Caf\u00e9 Sicilia, there is an average-rated, children friendly coffee shop called The Cricketers." } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "coffee shop" ], [ "The Cricketers", "customer rating", "high" ], [ "The Cricketers", "familyFriendly", "yes" ], [ "The Cricketers", "near", "Caf\u00e9 Sicilia" ] ], "annotations": [ { "source": "e2e", "text": "The Cricketers is a children friendly coffee shop near Caf\u00e9 Sicilia with a high customer rating." }, { "source": "e2e", "text": "The Cricketers is a child friendly coffee shop with a high customer rating. It is located near the Caf\u00e9 Sicilia." }, { "source": "e2e", "text": "The Cricketers is a coffee shop located next to the Caf\u00e9 Sicilia. It has a high customer rating and child friendly environment." }, { "source": "e2e", "text": "The Cricketers is a coffee shop, located near Caf\u00e9 Sicilia, that is highly rated by its customers and is child friendly." }, { "source": "e2e", "text": "The Cricketers is a kid-friendly coffee shop with high customer rating. It is located near Caf\u00e9 Sicilia." }, { "source": "e2e", "text": "The highly rated coffee shop The Cricketers, is a children friendly coffee shop near Caf\u00e9 Sicilia." } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "coffee shop" ], [ "The Cricketers", "customer rating", "high" ], [ "The Cricketers", "familyFriendly", "yes" ], [ "The Cricketers", "near", "Express by Holiday Inn" ] ], "annotations": [ { "source": "e2e", "text": "A kid friendly coffee shop is located near Express by Holiday Inn. It's called The Cricketers and is highly rated." }, { "source": "e2e", "text": "The Cricketers, near Express by Holiday Inn, is a children friendly coffee shop with a high customer rating." }, { "source": "e2e", "text": "The Cricketers is a highly rated, kid friendly coffee shop near the Express by Holiday Inn." }, { "source": "e2e", "text": "Near Express by Holiday Inn is a child friendly coffee shop named The Cricketers that has a high customer rating." }, { "source": "e2e", "text": "The Cricketers is a children friendly coffee shop near a Express by Holiday Inn with a high customer rating" }, { "source": "e2e", "text": "Near the Express by Holiday Inn is a child friendly coffee shop with high customer ratings called The Cricketers" }, { "source": "e2e", "text": "The Cricketers has a high customer rating, it is located near Express by Holiday Inn. yes it is a kids friendly coffee shop" }, { "source": "e2e", "text": "The children friendly coffee shop named The Cricketers has a high customer rating and is near Express by Holiday Inn." }, { "source": "e2e", "text": "The Cricketers is a kid friendly coffee shop that offers coffee shop food. It has a high rating and is located near Express by Holiday Inn." }, { "source": "e2e", "text": "The Cricketers, a family friendly coffee shop near Express by Holiday Inn has received a high customer rating." }, { "source": "e2e", "text": "There is a kid friendly coffee shop called The Cricketers near Express by Holiday Inn. It has a high customer rating." }, { "source": "e2e", "text": "There is a coffee shop called The Cricketers near Express by Holiday Inn that has high customer ratings and is kid friendly." }, { "source": "e2e", "text": "The children friendly coffee shop named The Cricketers, near Express by Holiday Inn, has a high customer rating." }, { "source": "e2e", "text": "Next to the Express by Holiday Inn is a coffee shop called The Cricketers. It is kid friendly with a high customer rating." }, { "source": "e2e", "text": "Near Express by Holiday Inn, there is a kid-friendly coffee shop called The Cricketers with a high customer rating." } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "coffee shop" ], [ "The Cricketers", "customer rating", "high" ], [ "The Cricketers", "near", "Express by Holiday Inn" ] ], "annotations": [ { "source": "e2e", "text": "A coffee shop with a high rating near the Express by Holiday Inn is The Cricketers." } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "coffee shop" ], [ "The Cricketers", "customer rating", "low" ], [ "The Cricketers", "familyFriendly", "no" ], [ "The Cricketers", "near", "Express by Holiday Inn" ] ], "annotations": [ { "source": "e2e", "text": "Near Express by Holiday Inn there is a coffee shop called The Cricketers. It is not family-friendly and has a low customer rating." }, { "source": "e2e", "text": "The Cricketers is a coffee shop near Express by Holiday Inn. It is not family-friendly and has a low customer rating." }, { "source": "e2e", "text": "The Cricketers is not a family-friendly coffee shop near Express by Holiday Inn, that has low customer ratings." }, { "source": "e2e", "text": "Near Express by Holiday Inn is The Cricketers. It's not a family-friendly coffee shop that has low customer ratings." } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "coffee shop" ], [ "The Cricketers", "customer rating", "low" ], [ "The Cricketers", "familyFriendly", "no" ], [ "The Cricketers", "near", "Ranch" ] ], "annotations": [ { "source": "e2e", "text": "The Cricketers is a one star coffee shop near the Ranch. It is not family friendly." }, { "source": "e2e", "text": "The Cricketers is a coffee shop with a low customer rating, located near Ranch. It is not family-friendly." }, { "source": "e2e", "text": "The Cricketers is a one star coffee shop near the Ranch that is not family friendly." }, { "source": "e2e", "text": "The Cricketers is non family-friendly coffee shop. It has a low customer rating and is near Ranch." } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "coffee shop" ], [ "The Cricketers", "customer rating", "low" ], [ "The Cricketers", "familyFriendly", "yes" ], [ "The Cricketers", "near", "Ranch" ] ], "annotations": [ { "source": "e2e", "text": "The Cricketers is a low rated but family friendly coffee shop near Ranch." }, { "source": "e2e", "text": "The Cricketers is a family-friendly coffee shop near the Ranch, but it has a low customer rating." }, { "source": "e2e", "text": "The Cricketers is a children friendly coffee shop with a low customer rating. It is located near the Ranch." }, { "source": "e2e", "text": "Although The Cricketers has a low customer rating, it's a family-friendly coffee shop near The Ranch." }, { "source": "e2e", "text": "The Cricketers is a child friendly coffee shop with a low customer rating, located near Ranch." }, { "source": "e2e", "text": "The Cricketers is a child-friendly coffee shop located near Ranch with a low customer rating." }, { "source": "e2e", "text": "A family-friendly coffee shop known as The Cricketers is located near Ranch and has a low customer rating." }, { "source": "e2e", "text": "The Cricketers is a family friendly coffee shop. Low rating near the Ranch." }, { "source": "e2e", "text": "The Cricketers is a family friendly coffee shop near Ranch, but its customer rating is low." }, { "source": "e2e", "text": "The Cricketers is a family-Friendly coffee shop with a low customer rating located near Ranch." }, { "source": "e2e", "text": "Located near Ranch. The Cricketers is a family friendly coffee shop with a low customer rating." }, { "source": "e2e", "text": "The Cricketers is a family friendly coffee shop found near Ranch, however it does have a poor customer rating." }, { "source": "e2e", "text": "The Cricketers is a children friendly coffee shop located near the Ranch. It has a low customer rating." }, { "source": "e2e", "text": "The Cricketers is a low rated, children friendly coffee shop near Ranch" }, { "source": "e2e", "text": "The Cricketers is a family-friendly coffee shop located near Ranch. It has a low customer rating." }, { "source": "e2e", "text": "Ranch is located near the low rated, children friendly coffee shop called, The Cricketers" }, { "source": "e2e", "text": "The Cricketers is a family friendly coffee shop near Ranch. It has a low customer rating." }, { "source": "e2e", "text": "Near Ranch is a child friendly coffee shop called The Cricketers which has a low customer rating." }, { "source": "e2e", "text": "The Cricketers is a family friendly coffee shop located near the Ranch. It gets a low customer rating." }, { "source": "e2e", "text": "The Cricketers is a family friendly coffee shop near Ranch that has a low customer rating." } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "restaurant" ], [ "The Cricketers", "food", "Chinese" ], [ "The Cricketers", "customer rating", "high" ], [ "The Cricketers", "area", "city centre" ], [ "The Cricketers", "familyFriendly", "yes" ], [ "The Cricketers", "near", "All Bar One" ] ], "annotations": [ { "source": "e2e", "text": "The Cricketers, a kid friendly restaurant in the city centre near All Bar One offers highly rated coffee and Chinese food at a good price." } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "restaurant" ], [ "The Cricketers", "food", "Chinese" ], [ "The Cricketers", "priceRange", "high" ], [ "The Cricketers", "customer rating", "1 out of 5" ], [ "The Cricketers", "area", "riverside" ], [ "The Cricketers", "familyFriendly", "yes" ], [ "The Cricketers", "near", "All Bar One" ] ], "annotations": [ { "source": "e2e", "text": "The Cricketers is a high-priced restaurant near the All Bar One in Riverside. The Cricketers offers coffee and Chinese food; it is child friendly and has a low customer rating." } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "restaurant" ], [ "The Cricketers", "food", "Chinese" ], [ "The Cricketers", "priceRange", "moderate" ], [ "The Cricketers", "customer rating", "1 out of 5" ], [ "The Cricketers", "area", "riverside" ], [ "The Cricketers", "familyFriendly", "no" ], [ "The Cricketers", "near", "All Bar One" ] ], "annotations": [ { "source": "e2e", "text": "The Cricketers is a moderately-priced Chinese coffee-shop style restaurant. It is located near the All Bar One in the riverside area. It is not kid-friendly and receives low ratings." } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "restaurant" ], [ "The Cricketers", "food", "Chinese" ], [ "The Cricketers", "priceRange", "\u00a320-25" ], [ "The Cricketers", "customer rating", "high" ], [ "The Cricketers", "area", "city centre" ], [ "The Cricketers", "familyFriendly", "yes" ], [ "The Cricketers", "near", "All Bar One" ] ], "annotations": [ { "source": "e2e", "text": "Go to the city centre near All Bar One and you will find The Cricketers, a highly rated, kid friendly, affordable restaurant that offers coffee and Chinese food." } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "coffee shop" ], [ "The Cricketers", "familyFriendly", "no" ], [ "The Cricketers", "near", "Crowne Plaza Hotel" ] ], "annotations": [ { "source": "e2e", "text": "The Cricketers coffee shop near the Crowne Plaza Hotel is not suitable for children." } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "coffee shop" ], [ "The Cricketers", "familyFriendly", "yes" ], [ "The Cricketers", "near", "Avalon" ] ], "annotations": [ { "source": "e2e", "text": "Located near Avalon is a child friendly coffee shop named The Cricketers." }, { "source": "e2e", "text": "Child friendly a coffee shop called The Cricketers is located near Avalon." }, { "source": "e2e", "text": "If you are seeking an average performing kid friendly coffee shop near Avalon, then you must give The Cricketers a shot." }, { "source": "e2e", "text": "The Cricketers is a kids friendly coffee shop near Avalon that has mid range customer rating." } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "coffee shop" ], [ "The Cricketers", "familyFriendly", "yes" ], [ "The Cricketers", "near", "Caf\u00e9 Sicilia" ] ], "annotations": [ { "source": "e2e", "text": "The Cricketers is a children friendly coffee shop near Caf\u00e9 Sicilia" }, { "source": "e2e", "text": "The Cricketers is a family friendly coffee shop located near Caf\u00e9 Sicilia." }, { "source": "e2e", "text": "Known as 'average' and 'Family Friendly' , The Cricketers offers coffee shop food near the Caf\u00e9 Sicilia" }, { "source": "e2e", "text": "A exceptional coffee shop where kids are welcome and is minutes from Caf\u00e9 Sicilia is named The Cricketers." } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "coffee shop" ], [ "The Cricketers", "familyFriendly", "yes" ], [ "The Cricketers", "near", "Crowne Plaza Hotel" ] ], "annotations": [ { "source": "e2e", "text": "The Cricketers is a coffee shop located near Crowne Plaza Hotel with a family friendly atmosphere." }, { "source": "e2e", "text": "The Cricketers is a children friendly coffee shop. It is located near a Crowne Plaza Hotel and has perfect ratings." }, { "source": "e2e", "text": "The Cricketers is a family friendly coffee shop located near Crowne Plaza Hotel." } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "coffee shop" ], [ "The Cricketers", "familyFriendly", "yes" ], [ "The Cricketers", "near", "Express by Holiday Inn" ] ], "annotations": [ { "source": "e2e", "text": "The Cricketers is a popular child friendly coffee shop located near Express by Holiday Inn." }, { "source": "e2e", "text": "A popular child friendly coffee shop is The Cricketers located near Express by Holiday Inn." }, { "source": "e2e", "text": "The Cricketers are kids Friendly coffee shop in higher customer Rating near Express by Holiday Inn" } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "coffee shop" ], [ "The Cricketers", "food", "Chinese" ], [ "The Cricketers", "customer rating", "1 out of 5" ], [ "The Cricketers", "area", "riverside" ], [ "The Cricketers", "familyFriendly", "yes" ], [ "The Cricketers", "near", "All Bar One" ] ], "annotations": [ { "source": "e2e", "text": "The Cricketers is a coffee chop with Chinese food. They have higher prices and a rating of 1 out of 5. They are along the riverside near All Bar One and allow children." } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "coffee shop" ], [ "The Cricketers", "food", "Chinese" ], [ "The Cricketers", "priceRange", "cheap" ], [ "The Cricketers", "customer rating", "5 out of 5" ], [ "The Cricketers", "area", "riverside" ], [ "The Cricketers", "near", "All Bar One" ] ], "annotations": [ { "source": "e2e", "text": "The Cricketers,located in the riverside near All Bar One, provides 5 out of 5 star rating cheap Chinese food and coffee." } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "coffee shop" ], [ "The Cricketers", "food", "Chinese" ], [ "The Cricketers", "priceRange", "cheap" ], [ "The Cricketers", "customer rating", "average" ], [ "The Cricketers", "area", "riverside" ], [ "The Cricketers", "familyFriendly", "no" ], [ "The Cricketers", "near", "All Bar One" ] ], "annotations": [ { "source": "e2e", "text": "There is a cheap Chinese coffee with an average customer rating in the riverside area near All Bar One. It is called The Cricketers and is not child friendly." } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "coffee shop" ], [ "The Cricketers", "food", "Chinese" ], [ "The Cricketers", "priceRange", "less than \u00a320" ], [ "The Cricketers", "customer rating", "low" ], [ "The Cricketers", "area", "city centre" ], [ "The Cricketers", "familyFriendly", "no" ], [ "The Cricketers", "near", "All Bar One" ] ], "annotations": [ { "source": "e2e", "text": "The Cricketers is a coffee chop providing Chinese food for under \u00a320. Its customer rating is low, it is located in the city center. and is not family friendly. it is near All Bar One." } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "coffee shop" ], [ "The Cricketers", "food", "Chinese" ], [ "The Cricketers", "priceRange", "\u00a320-25" ], [ "The Cricketers", "customer rating", "high" ], [ "The Cricketers", "area", "city centre" ], [ "The Cricketers", "familyFriendly", "no" ], [ "The Cricketers", "near", "All Bar One" ] ], "annotations": [ { "source": "e2e", "text": "Located in the city center. near All Bar One, The Cricketers serves coffee and Chinese food for a price range of \u00a320-25. It is a non children friendly area and it has a high customer rating." } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "coffee shop" ], [ "The Cricketers", "food", "Chinese" ], [ "The Cricketers", "priceRange", "\u00a320-25" ], [ "The Cricketers", "customer rating", "high" ], [ "The Cricketers", "area", "city centre" ], [ "The Cricketers", "near", "All Bar One" ] ], "annotations": [ { "source": "e2e", "text": "The Cricketers is a Caf\u00e9 that has received high reviews for its Chinese food. Leave the kids at home to enjoy a meal for \u00a320-25. Located in the centre of the city near All Bar One." } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "coffee shop" ], [ "The Cricketers", "food", "English" ], [ "The Cricketers", "priceRange", "high" ], [ "The Cricketers", "customer rating", "average" ], [ "The Cricketers", "area", "city centre" ], [ "The Cricketers", "familyFriendly", "yes" ], [ "The Cricketers", "near", "Caf\u00e9 Rouge" ] ], "annotations": [ { "source": "e2e", "text": "The Cricketers, serving English food, has opened near Caf\u00e9 Rouge in the city centre. They are a coffee type eatery, kid friendly with an average customer rating and a high price range." } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "coffee shop" ], [ "The Cricketers", "food", "English" ], [ "The Cricketers", "priceRange", "\u00a320-25" ], [ "The Cricketers", "customer rating", "high" ], [ "The Cricketers", "area", "city centre" ], [ "The Cricketers", "familyFriendly", "no" ], [ "The Cricketers", "near", "All Bar One" ] ], "annotations": [ { "source": "e2e", "text": "The Cricketers is a coffee chop located in the city centre, near All Bar One. It serves English food for a price range of about 20 to 25 pounds. It is not kid friendly however its customer rating is very high." } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "coffee shop" ], [ "The Cricketers", "near", "Avalon" ] ], "annotations": [ { "source": "e2e", "text": "The Cricketers is a beautiful coffee shop providing Fun for the Whole Family Our Prices Will Blow You Away. It is located in the city at 130 southpawn road right across from the Avalon." } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "coffee shop" ], [ "The Cricketers", "near", "Caf\u00e9 Sicilia" ] ], "annotations": [ { "source": "e2e", "text": "The Cricketers is a great youngster welcoming coffee shop located by Caf\u00e9 Sicilia." } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "coffee shop" ], [ "The Cricketers", "near", "Express by Holiday Inn" ] ], "annotations": [ { "source": "e2e", "text": "Located near Express by Holiday Inn, The Cricketers, is an overly priced coffee shop that the whole family will enjoy." }, { "source": "e2e", "text": "The Cricketers coffee shop near Express by Holiday Inn is a high end experience for the entire family." }, { "source": "e2e", "text": "The Cricketers is a coffee shop, located across from Express by Holiday Inn." }, { "source": "e2e", "text": "The Cricketers coffee shop is located near the Express by Holiday Inn" }, { "source": "e2e", "text": "The Express by Holiday Inn is located by The Cricketers coffee shop" } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "restaurant" ] ], "annotations": [ { "source": "e2e", "text": "The Cricketers restaurant, serving" } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "restaurant" ], [ "The Cricketers", "area", "riverside" ], [ "The Cricketers", "familyFriendly", "yes" ], [ "The Cricketers", "near", "All Bar One" ] ], "annotations": [ { "source": "e2e", "text": "Near the river there is a restaurant called The Cricketers. It is highly recommended and reasonably priced, for your convenience it is children friendly and is located near All Bar One." }, { "source": "e2e", "text": "The Cricketers restaurant is family-friendly, mid price range, and is located on the river near All Bar One." }, { "source": "e2e", "text": "The Cricketers is located next to All Bar One on the river and is a family friendly restaurant." } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "restaurant" ], [ "The Cricketers", "customer rating", "1 out of 5" ], [ "The Cricketers", "area", "city centre" ], [ "The Cricketers", "familyFriendly", "no" ], [ "The Cricketers", "near", "Caf\u00e9 Rouge" ] ], "annotations": [ { "source": "e2e", "text": "The Cricketers, near Caf\u00e9 Rouge in the city centre area, is a highly priced restaurant which is not child friendly and has a poor rating from its customers." } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "restaurant" ], [ "The Cricketers", "customer rating", "1 out of 5" ], [ "The Cricketers", "area", "riverside" ], [ "The Cricketers", "near", "All Bar One" ] ], "annotations": [ { "source": "e2e", "text": "A restaurant named The Cricketers located in riverside near All Bar One, that provides moderate pricing and a customer rating of 1 out of 5." } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "restaurant" ], [ "The Cricketers", "customer rating", "1 out of 5" ], [ "The Cricketers", "familyFriendly", "yes" ], [ "The Cricketers", "near", "Avalon" ] ], "annotations": [ { "source": "e2e", "text": "The customer rating is bad at the children friendly restaurant called The Cricketers near Avalon." }, { "source": "e2e", "text": "Near the Avalon is The Cricketers which is a children friendly restaurant with a 1 out of 5 customer rating" }, { "source": "e2e", "text": "Customers give The Cricketers a rating of 1 out of 5. The Cricketers is a kid friendly restaurant by the Avalon." }, { "source": "e2e", "text": "The Cricketers is a kids friendly restaurant near Avalon . It has a very low customer rating." }, { "source": "e2e", "text": "1 star customer rated restaurant, The Cricketers, is located near Avalon and is family friendly." }, { "source": "e2e", "text": "The Cricketers is a restaurant near Avalon that is child friendly and has a 1 out of 5 customer rating." }, { "source": "e2e", "text": "The Cricketers is a kid-friendly restaurant near Avalon, and has a customer rating of 1 out of 5 stars." }, { "source": "e2e", "text": "A kid friendly restaurant is The Cricketers which is near the Avalon. It is kid friendly and has a 1 out of 5 rating." }, { "source": "e2e", "text": "The Cricketers is a restaurant near the Avalon. It has an amazing rating of 1 out of 5. yes, it is Children friendly." }, { "source": "e2e", "text": "If you're looking for some kid friendly restaurant food near Avalon, then you could try The Cricketers, however, it has a low customer rating of 1 out of 5." }, { "source": "e2e", "text": "With a 1 out of 5 customer rating The Cricketers restaurant is children friendly is by the Avalon" }, { "source": "e2e", "text": "The Cricketers is a kid friendly restaurant near the Avalon with a customer rating of 1 out of 5." }, { "source": "e2e", "text": "The Cricketers is a restaurant located near the Avalon. It is child friendly, but it has a 1 out of 5 customer rating." }, { "source": "e2e", "text": "Children friendly restaurant, The Cricketers, with 1 star customer rating, is located near Avalon." }, { "source": "e2e", "text": "Come to restaurant near the Avalon named The Cricketers. It has an amazing rating of 1 out of 5. yes, it is Children friendly." }, { "source": "e2e", "text": "The Cricketers is a child friendly restaurant with a customer rating of 1 out of 5 located near Avalon." }, { "source": "e2e", "text": "The Cricketers is a kids friendly restaurant located near Avalon and has a customer rating of 1 out of 5." }, { "source": "e2e", "text": "The Cricketers is a kids-friendly restaurant close to the Avalon with a customer rating 1 out of 5" }, { "source": "e2e", "text": "The Cricketers, near Avalon, is restaurant style , children friendly and rated 1 out of 5." }, { "source": "e2e", "text": "The Cricketers is a restaurant near Avalon. It is children friendly and has a customer rating of 1 out of 5." }, { "source": "e2e", "text": "The Cricketers is a children-friendly restaurant near Avalon. It is rated at 1 out of 5." }, { "source": "e2e", "text": "The Cricketers is a restaurant near Avalon. It children friendly and have 1 out of 5 rating." }, { "source": "e2e", "text": "A kid friendly restaurant named The Cricketers is near Avalon, but it has a customer rating of 1 out of 5." }, { "source": "e2e", "text": "There is a restaurant called The Cricketers, located near Avalon which is rated 1 out of 5 and is children friendly." }, { "source": "e2e", "text": "The Cricketers is a child friendly 1 star restaurant. It is located near the Avalon." } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "restaurant" ], [ "The Cricketers", "customer rating", "1 out of 5" ], [ "The Cricketers", "near", "Avalon" ] ], "annotations": [ { "source": "e2e", "text": "The Cricketers is a family restaurant near the Avalon with a rating 1 out of 5" } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "restaurant" ], [ "The Cricketers", "customer rating", "3 out of 5" ], [ "The Cricketers", "familyFriendly", "yes" ], [ "The Cricketers", "near", "Avalon" ] ], "annotations": [ { "source": "e2e", "text": "The Cricketers is a kid-friendly restaurant with a customer rating of 3 out of 5. It is located near Avalon." }, { "source": "e2e", "text": "The Cricketers is a restaurant located near Avalon. It is children friendly and has a 3 out of 5 customer rating." }, { "source": "e2e", "text": "The Cricketers has a rating of 3 out of 5, it is a child friendly restaurant near Avalon" }, { "source": "e2e", "text": "Located near Avalon, The Cricketers is a kid-friendly restaurant that gets a customer rating of 3 out of 5." }, { "source": "e2e", "text": "Located near Avalon, The Cricketers is a child friendly restaurant with a customer rating 3 out of 5." }, { "source": "e2e", "text": "Near to the Avalon is a restaurant called The Cricketers which is child friendly and has a customer rating of 3 out of 5." }, { "source": "e2e", "text": "The Cricketers is a restaurant located near Avalon. The restaurant boats a customer rating of 3 out of 5 and is children friendly." }, { "source": "e2e", "text": "Near the Avalon is a kid friendly restaurant called The Cricketers. They have a rating of 3 out of 5." }, { "source": "e2e", "text": "3 out of 5 star restaurant style restaurant The Cricketers offers child friendly atmosphere near Avalon." } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "restaurant" ], [ "The Cricketers", "customer rating", "3 out of 5" ], [ "The Cricketers", "familyFriendly", "yes" ], [ "The Cricketers", "near", "Crowne Plaza Hotel" ] ], "annotations": [ { "source": "e2e", "text": "The Cricketers is a kid friendly restaurant that is located near Crowne Plaza Hotel. It has a 3 out of 5 customer rating." }, { "source": "e2e", "text": "Given 3 out of 5, The Cricketers is a kid friendly restaurant near Crowne Plaza Hotel." }, { "source": "e2e", "text": "Near Crowne Plaza Hotel is The Cricketers, which has average customer ratings and provides a kids-friendly atmosphere within a restaurant." }, { "source": "e2e", "text": "The child friendly restaurant called The Cricketers has a rating of 3 out of 5, located near Crowne Plaza Hotel" }, { "source": "e2e", "text": "The Cricketers is a children Friendly restaurant near to Crowne Plaza Hotel with a customer rating of 3 out of 5." }, { "source": "e2e", "text": "The Cricketers is a kid friendly restaurant restaurant. It is located near Crowne Plaza Hotel and has a 3 out of 5 customer rating." }, { "source": "e2e", "text": "The Cricketers, a children friendly restaurant located near Crowne Plaza Hotel, has a 3 out of 5 customer rating." }, { "source": "e2e", "text": "Located near Crowne Plaza Hotel, The Cricketers is a children friendly restaurant boasting a customer rating of 3 out of 5." }, { "source": "e2e", "text": "The Cricketers is a kid friendly restaurant near the Crowne Plaza Hotel and holds a rating of 3 out of 5." }, { "source": "e2e", "text": "The Cricketers is a children Friendly restaurant, with 3 out of 5 customer rating it's near Crowne Plaza Hotel." }, { "source": "e2e", "text": "With a customer rating of 3 out of 5, The Cricketers is a child friendly restaurant located near Crowne Plaza Hotel." } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "restaurant" ], [ "The Cricketers", "customer rating", "5 out of 5" ], [ "The Cricketers", "familyFriendly", "no" ], [ "The Cricketers", "near", "Crowne Plaza Hotel" ] ], "annotations": [ { "source": "e2e", "text": "The Cricketers, a highly rated restaurant near Crowne Plaza Hotel, is not family-friendly." }, { "source": "e2e", "text": "The Cricketers, a restaurant near Crowne Plaza Hotel, is highly rated but not family-friendly." }, { "source": "e2e", "text": "The Cricketers is a highly rated, but not family-friendly, restaurant near Crowne Plaza Hotel." } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "restaurant" ], [ "The Cricketers", "customer rating", "5 out of 5" ], [ "The Cricketers", "familyFriendly", "yes" ], [ "The Cricketers", "near", "Avalon" ] ], "annotations": [ { "source": "e2e", "text": "The Cricketers is a kids-friendly restaurant near Avalon with a rating of 3 out 5 stars." } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "restaurant" ], [ "The Cricketers", "customer rating", "5 out of 5" ], [ "The Cricketers", "familyFriendly", "yes" ], [ "The Cricketers", "near", "Crowne Plaza Hotel" ] ], "annotations": [ { "source": "e2e", "text": "family-friendly restaurant The Cricketers is near Crowne Plaza Hotel and has a customer rating of 5 out of 5." }, { "source": "e2e", "text": "The Cricketers restaurant near Crowne Plaza Hotel is family-friendly and has a customer rating of 5 out of 5." }, { "source": "e2e", "text": "There is a 5 out of 5 customer rated child friendly restaurant located near a Crowne Plaza Hotel called The Cricketers." }, { "source": "e2e", "text": "The Cricketers is a family friendly restaurant. It has a 5 out of 5 rating and is located near Crowne Plaza Hotel." }, { "source": "e2e", "text": "Stunning Crowne Plaza Hotel restaurant The Cricketers, family friendly and rated 5 out of 5 by customers." }, { "source": "e2e", "text": "A kid friendly restaurant, The Cricketers, is located near a Crowne Plaza Hotel and has a rating 5 out of 5." }, { "source": "e2e", "text": "For a restaurant near Crowne Plaza Hotel that is children friendly and has a customer rating of 5 out of 5, try The Cricketers." }, { "source": "e2e", "text": "The Cricketers is a children friendly restaurant near Crowne Plaza Hotel with a 5 out of 5 customer rating." }, { "source": "e2e", "text": "The Cricketers is a family friendly restaurant. It is located near Crowne Plaza Hotel and has a customer rating of 5 out of 5." }, { "source": "e2e", "text": "Located near Crowne Plaza Hotel, The Cricketers is a restaurant with a 5 out of 5 customer rating. They are children friendly." }, { "source": "e2e", "text": "The Cricketers is a restaurant located near Crowne Plaza Hotel. It has a customer rating of 5 out of 5 and is children friendly." }, { "source": "e2e", "text": "The Cricketers is a family friendly restaurant that has a customer rating of 5 out of 5 near Crowne Plaza Hotel" }, { "source": "e2e", "text": "The Cricketers is a Family Friendly restaurant near Crowne Plaza Hotel. It has a customer satisfaction rating of 5 out of 5." }, { "source": "e2e", "text": "The Cricketers is a family friendly restaurant that is located near Crowne Plaza Hotel. It has a customer rating of 5 out of 5." }, { "source": "e2e", "text": "The Cricketers is a restaurant near Crowne Plaza Hotel with a 5 out of 5 rating. It is family friendly." }, { "source": "e2e", "text": "The Cricketers has a customer satisfaction rating of 5 out of 5. It is a family friendly restaurant near Crowne Plaza Hotel." }, { "source": "e2e", "text": "The Cricketers is a family friendly restaurant near Crowne Plaza Hotel, with a customer rating of five out of five." }, { "source": "e2e", "text": "A children friendly restaurant near Crowne Plaza Hotel is The Cricketers. It has a 5 out of 5 rating" }, { "source": "e2e", "text": "Near Crowne Plaza Hotel is a family friendly restaurant with a customer rating of five out of five named The Cricketers." }, { "source": "e2e", "text": "The Cricketers is a children friendly restaurant near Crowne Plaza Hotel. It has a 5 out of 5 rating" } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "restaurant" ], [ "The Cricketers", "customer rating", "5 out of 5" ], [ "The Cricketers", "near", "Crowne Plaza Hotel" ] ], "annotations": [ { "source": "e2e", "text": "The highly rated restaurant, The Cricketers, is located near Crowne Plaza Hotel. Don't bring the kids." } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "restaurant" ], [ "The Cricketers", "customer rating", "average" ], [ "The Cricketers", "familyFriendly", "no" ], [ "The Cricketers", "near", "Caf\u00e9 Sicilia" ] ], "annotations": [ { "source": "e2e", "text": "The Cricketers is an average rated restaurant close to Caf\u00e9 Sicilia, not for children" }, { "source": "e2e", "text": "Close to Caf\u00e9 Sicilia you'll find The Cricketers, an average rated restaurant not so child friendly" } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "restaurant" ], [ "The Cricketers", "customer rating", "average" ], [ "The Cricketers", "familyFriendly", "no" ], [ "The Cricketers", "near", "Crowne Plaza Hotel" ] ], "annotations": [ { "source": "e2e", "text": "An average rating, The Cricketers, which is near the Crowne Plaza Hotel is not a family-friendly restaurant." } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "restaurant" ], [ "The Cricketers", "customer rating", "average" ], [ "The Cricketers", "familyFriendly", "yes" ], [ "The Cricketers", "near", "Caf\u00e9 Sicilia" ] ], "annotations": [ { "source": "e2e", "text": "The Cricketers near the Caf\u00e9 Sicilia are a family-friendly restaurant with an average customer rating." }, { "source": "e2e", "text": "The Cricketers restaurant has an average customer rating and is family-friendly. They are located near the Caf\u00e9 Sicilia." }, { "source": "e2e", "text": "A children friendly restaurant near Caf\u00e9 Sicilia with an average customer rating is named The Cricketers." }, { "source": "e2e", "text": "The Cricketers, near Caf\u00e9 Sicilia, is a child friendly restaurant with an average customer rating." }, { "source": "e2e", "text": "There is a children friendly, average rated restaurant called The Cricketers near Caf\u00e9 Sicilia." }, { "source": "e2e", "text": "Near Caf\u00e9 Sicilia there is a restaurant named The Cricketers. It's family friendly with an average rating." }, { "source": "e2e", "text": "The Cricketers restaurant is children friendly. It is found near Caf\u00e9 Sicilia and has a customer rating of average." }, { "source": "e2e", "text": "As a children friendly restaurant, The Cricketers has a friendly atmosphere and great service. It's got good customer ratings and is located near Caf\u00e9 Sicilia." }, { "source": "e2e", "text": "The Cricketers has an average customer rating, it is a family friendly restaurant near Caf\u00e9 Sicilia." }, { "source": "e2e", "text": "For an average rated restaurant that's family-friendly, check out The Cricketers near Caf\u00e9 Sicilia." }, { "source": "e2e", "text": "If you're looking for a kid friendly restaurant with an average customer rating, try The Cricketers, located near Caf\u00e9 Sicilia." }, { "source": "e2e", "text": "For restaurant style eating that is kid friendly, look for The Cricketers, located near Caf\u00e9 Sicilia. It has an average customer rating." }, { "source": "e2e", "text": "Near Caf\u00e9 Sicilia you will find a children-friendly restaurant with an average customer rating called The Cricketers." }, { "source": "e2e", "text": "The Cricketers is a family friendly restaurant near Caf\u00e9 Sicilia. It has an average customer rating." }, { "source": "e2e", "text": "Near the Caf\u00e9 Sicilia is an average rated restaurant, family friendly and called The Cricketers" }, { "source": "e2e", "text": "Near Caf\u00e9 Sicilia, is a family friendly restaurant, The Cricketers, It has an average customer rating." }, { "source": "e2e", "text": "The Cricketers is a family friendly restaurant near Caf\u00e9 Sicilia with an average customer rating." }, { "source": "e2e", "text": "The Cricketers with an average customer rating is kid friendly restaurant located near the Caf\u00e9 Sicilia." }, { "source": "e2e", "text": "The Cricketers is a children friendly restaurant near Caf\u00e9 Sicilia. It has good customer ratings and a friendly atmosphere." }, { "source": "e2e", "text": "The Cricketers is a restaurant that is children friendly and has an average customer rating near Caf\u00e9 Sicilia." }, { "source": "e2e", "text": "The Cricketers is an average rated restaurant with a children-friendly atmosphere located near Caf\u00e9 Sicilia." }, { "source": "e2e", "text": "For a family friendly restaurant located near Caf\u00e9 Sicilia, The Cricketers is a wonderful choice with an average customer rating." }, { "source": "e2e", "text": "The Cricketers is a restaurant near Caf\u00e9 Sicilia. Yes it is children friendly. It has an average customer rating." }, { "source": "e2e", "text": "The Cricketers is a family-friendly restaurant near Caf\u00e9 Sicilia that's been rated average by customers." }, { "source": "e2e", "text": "The Cricketers near Caf\u00e9 Sicilia has a customer rating of average, the Cricketers is a family friendly restaurant." }, { "source": "e2e", "text": "The Cricketers is a restaurant that is children friendly has an average customer rating and is near the Caf\u00e9 Sicilia." }, { "source": "e2e", "text": "Near Caf\u00e9 Sicilia, there is an average-rated, children friendly restaurant called The Cricketers." } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "restaurant" ], [ "The Cricketers", "customer rating", "high" ], [ "The Cricketers", "area", "riverside" ], [ "The Cricketers", "near", "All Bar One" ] ], "annotations": [ { "source": "e2e", "text": "The Cricketers is a highly rated restaurant near All Bar One, It's in the riverside area and usually costs around 30 pounds" } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "restaurant" ], [ "The Cricketers", "customer rating", "high" ], [ "The Cricketers", "familyFriendly", "yes" ], [ "The Cricketers", "near", "Caf\u00e9 Sicilia" ] ], "annotations": [ { "source": "e2e", "text": "The Cricketers is a children friendly restaurant near Caf\u00e9 Sicilia with a high customer rating." }, { "source": "e2e", "text": "The Cricketers is a child friendly restaurant with a high customer rating. It is located near the Caf\u00e9 Sicilia." }, { "source": "e2e", "text": "The Cricketers is a restaurant located next to the Caf\u00e9 Sicilia. It has a high customer rating and child friendly environment." }, { "source": "e2e", "text": "The Cricketers is a restaurant, located near Caf\u00e9 Sicilia, that is highly rated by its customers and is child friendly." }, { "source": "e2e", "text": "The Cricketers is a kid-friendly restaurant with high customer rating. It is located near Caf\u00e9 Sicilia." }, { "source": "e2e", "text": "The highly rated restaurant The Cricketers, is a children friendly restaurant near Caf\u00e9 Sicilia." } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "restaurant" ], [ "The Cricketers", "customer rating", "high" ], [ "The Cricketers", "familyFriendly", "yes" ], [ "The Cricketers", "near", "Express by Holiday Inn" ] ], "annotations": [ { "source": "e2e", "text": "A kid friendly restaurant is located near Express by Holiday Inn. It's called The Cricketers and is highly rated." }, { "source": "e2e", "text": "The Cricketers, near Express by Holiday Inn, is a children friendly restaurant with a high customer rating." }, { "source": "e2e", "text": "The Cricketers is a highly rated, kid friendly restaurant near the Express by Holiday Inn." }, { "source": "e2e", "text": "Near Express by Holiday Inn is a child friendly restaurant named The Cricketers that has a high customer rating." }, { "source": "e2e", "text": "The Cricketers is a children friendly restaurant near a Express by Holiday Inn with a high customer rating" }, { "source": "e2e", "text": "Near the Express by Holiday Inn is a child friendly restaurant with high customer ratings called The Cricketers" }, { "source": "e2e", "text": "The Cricketers has a high customer rating, it is located near Express by Holiday Inn. yes it is a kids friendly restaurant" }, { "source": "e2e", "text": "The children friendly restaurant named The Cricketers has a high customer rating and is near Express by Holiday Inn." }, { "source": "e2e", "text": "The Cricketers is a kid friendly restaurant that offers restaurant food. It has a high rating and is located near Express by Holiday Inn." }, { "source": "e2e", "text": "The Cricketers, a family friendly restaurant near Express by Holiday Inn has received a high customer rating." }, { "source": "e2e", "text": "There is a kid friendly restaurant called The Cricketers near Express by Holiday Inn. It has a high customer rating." }, { "source": "e2e", "text": "There is a restaurant called The Cricketers near Express by Holiday Inn that has high customer ratings and is kid friendly." }, { "source": "e2e", "text": "The children friendly restaurant named The Cricketers, near Express by Holiday Inn, has a high customer rating." }, { "source": "e2e", "text": "Next to the Express by Holiday Inn is a restaurant called The Cricketers. It is kid friendly with a high customer rating." }, { "source": "e2e", "text": "Near Express by Holiday Inn, there is a kid-friendly restaurant called The Cricketers with a high customer rating." } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "restaurant" ], [ "The Cricketers", "customer rating", "high" ], [ "The Cricketers", "near", "Express by Holiday Inn" ] ], "annotations": [ { "source": "e2e", "text": "A restaurant with a high rating near the Express by Holiday Inn is The Cricketers." } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "restaurant" ], [ "The Cricketers", "customer rating", "low" ], [ "The Cricketers", "familyFriendly", "no" ], [ "The Cricketers", "near", "Express by Holiday Inn" ] ], "annotations": [ { "source": "e2e", "text": "Near Express by Holiday Inn there is a restaurant called The Cricketers. It is not family-friendly and has a low customer rating." }, { "source": "e2e", "text": "The Cricketers is a restaurant near Express by Holiday Inn. It is not family-friendly and has a low customer rating." }, { "source": "e2e", "text": "The Cricketers is not a family-friendly restaurant near Express by Holiday Inn, that has low customer ratings." }, { "source": "e2e", "text": "Near Express by Holiday Inn is The Cricketers. It's not a family-friendly restaurant that has low customer ratings." } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "restaurant" ], [ "The Cricketers", "customer rating", "low" ], [ "The Cricketers", "familyFriendly", "no" ], [ "The Cricketers", "near", "Ranch" ] ], "annotations": [ { "source": "e2e", "text": "The Cricketers is a one star restaurant near the Ranch. It is not family friendly." }, { "source": "e2e", "text": "The Cricketers is a restaurant with a low customer rating, located near Ranch. It is not family-friendly." }, { "source": "e2e", "text": "The Cricketers is a one star restaurant near the Ranch that is not family friendly." }, { "source": "e2e", "text": "The Cricketers is non family-friendly restaurant. It has a low customer rating and is near Ranch." } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "restaurant" ], [ "The Cricketers", "customer rating", "low" ], [ "The Cricketers", "familyFriendly", "yes" ], [ "The Cricketers", "near", "Ranch" ] ], "annotations": [ { "source": "e2e", "text": "The Cricketers is a low rated but family friendly restaurant near Ranch." }, { "source": "e2e", "text": "The Cricketers is a family-friendly restaurant near the Ranch, but it has a low customer rating." }, { "source": "e2e", "text": "The Cricketers is a children friendly restaurant with a low customer rating. It is located near the Ranch." }, { "source": "e2e", "text": "Although The Cricketers has a low customer rating, it's a family-friendly restaurant near The Ranch." }, { "source": "e2e", "text": "The Cricketers is a child friendly restaurant with a low customer rating, located near Ranch." }, { "source": "e2e", "text": "The Cricketers is a child-friendly restaurant located near Ranch with a low customer rating." }, { "source": "e2e", "text": "A family-friendly restaurant known as The Cricketers is located near Ranch and has a low customer rating." }, { "source": "e2e", "text": "The Cricketers is a family friendly restaurant. Low rating near the Ranch." }, { "source": "e2e", "text": "The Cricketers is a family friendly restaurant near Ranch, but its customer rating is low." }, { "source": "e2e", "text": "The Cricketers is a family-Friendly restaurant with a low customer rating located near Ranch." }, { "source": "e2e", "text": "Located near Ranch. The Cricketers is a family friendly restaurant with a low customer rating." }, { "source": "e2e", "text": "The Cricketers is a family friendly restaurant found near Ranch, however it does have a poor customer rating." }, { "source": "e2e", "text": "The Cricketers is a children friendly restaurant located near the Ranch. It has a low customer rating." }, { "source": "e2e", "text": "The Cricketers is a low rated, children friendly restaurant near Ranch" }, { "source": "e2e", "text": "The Cricketers is a family-friendly restaurant located near Ranch. It has a low customer rating." }, { "source": "e2e", "text": "Ranch is located near the low rated, children friendly restaurant called, The Cricketers" }, { "source": "e2e", "text": "The Cricketers is a family friendly restaurant near Ranch. It has a low customer rating." }, { "source": "e2e", "text": "Near Ranch is a child friendly restaurant called The Cricketers which has a low customer rating." }, { "source": "e2e", "text": "The Cricketers is a family friendly restaurant located near the Ranch. It gets a low customer rating." }, { "source": "e2e", "text": "The Cricketers is a family friendly restaurant near Ranch that has a low customer rating." } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "restaurant" ], [ "The Cricketers", "familyFriendly", "no" ], [ "The Cricketers", "near", "Crowne Plaza Hotel" ] ], "annotations": [ { "source": "e2e", "text": "The Cricketers restaurant near the Crowne Plaza Hotel is not suitable for children." } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "restaurant" ], [ "The Cricketers", "familyFriendly", "yes" ], [ "The Cricketers", "near", "All Bar One" ] ], "annotations": [ { "source": "e2e", "text": "There is a family-friendly, mid cost restaurant near the All Bar One called The Cricketers." }, { "source": "e2e", "text": "The Cricketers is a family friendly restaurant located next to All Bar One." } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "restaurant" ], [ "The Cricketers", "familyFriendly", "yes" ], [ "The Cricketers", "near", "Avalon" ] ], "annotations": [ { "source": "e2e", "text": "Located near Avalon is a child friendly restaurant named The Cricketers." }, { "source": "e2e", "text": "Child friendly a restaurant called The Cricketers is located near Avalon." }, { "source": "e2e", "text": "If you are seeking an average performing kid friendly restaurant near Avalon, then you must give The Cricketers a shot." }, { "source": "e2e", "text": "The Cricketers is a kids friendly restaurant near Avalon that has mid range customer rating." } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "restaurant" ], [ "The Cricketers", "familyFriendly", "yes" ], [ "The Cricketers", "near", "Caf\u00e9 Sicilia" ] ], "annotations": [ { "source": "e2e", "text": "The Cricketers is a children friendly restaurant near Caf\u00e9 Sicilia" }, { "source": "e2e", "text": "The Cricketers is a family friendly restaurant located near Caf\u00e9 Sicilia." }, { "source": "e2e", "text": "Known as 'average' and 'Family Friendly' , The Cricketers offers restaurant food near the Caf\u00e9 Sicilia" }, { "source": "e2e", "text": "A exceptional restaurant where kids are welcome and is minutes from Caf\u00e9 Sicilia is named The Cricketers." } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "restaurant" ], [ "The Cricketers", "familyFriendly", "yes" ], [ "The Cricketers", "near", "Crowne Plaza Hotel" ] ], "annotations": [ { "source": "e2e", "text": "The Cricketers is a restaurant located near Crowne Plaza Hotel with a family friendly atmosphere." }, { "source": "e2e", "text": "The Cricketers is a children friendly restaurant. It is located near a Crowne Plaza Hotel and has perfect ratings." }, { "source": "e2e", "text": "The Cricketers is a family friendly restaurant located near Crowne Plaza Hotel." } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "restaurant" ], [ "The Cricketers", "familyFriendly", "yes" ], [ "The Cricketers", "near", "Express by Holiday Inn" ] ], "annotations": [ { "source": "e2e", "text": "The Cricketers is a popular child friendly restaurant located near Express by Holiday Inn." }, { "source": "e2e", "text": "A popular child friendly restaurant is The Cricketers located near Express by Holiday Inn." }, { "source": "e2e", "text": "The Cricketers are kids Friendly restaurant in higher customer Rating near Express by Holiday Inn" } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "restaurant" ], [ "The Cricketers", "food", "Chinese" ], [ "The Cricketers", "area", "city centre" ], [ "The Cricketers", "familyFriendly", "yes" ], [ "The Cricketers", "near", "All Bar One" ] ], "annotations": [ { "source": "e2e", "text": "For great Chinese food in a family-friendly restaurant setting, The Cricketers in city centre near the All Bar One is a good bet." } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "restaurant" ], [ "The Cricketers", "food", "Chinese" ], [ "The Cricketers", "area", "city centre" ], [ "The Cricketers", "near", "All Bar One" ] ], "annotations": [ { "source": "e2e", "text": "There is a restaurant called The Cricketers that provides Chinese food in the price range of \u00a320-\u00a325 it is in the city centre near All Bar One and isn't kids friends." } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "restaurant" ], [ "The Cricketers", "food", "Chinese" ], [ "The Cricketers", "area", "riverside" ], [ "The Cricketers", "familyFriendly", "no" ], [ "The Cricketers", "near", "All Bar One" ] ], "annotations": [ { "source": "e2e", "text": "The Cricketers restaurant has a riverside location close to All Bar One. It is not family friendly and serves higher end Chinese food." } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "restaurant" ], [ "The Cricketers", "food", "Chinese" ], [ "The Cricketers", "area", "riverside" ], [ "The Cricketers", "familyFriendly", "yes" ], [ "The Cricketers", "near", "All Bar One" ] ], "annotations": [ { "source": "e2e", "text": "The Cricketers restaurant, serving Chinese food, prices from \u00a330.99, high profile, riverside, near All Bar One, child friendly" } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "restaurant" ], [ "The Cricketers", "food", "Chinese" ], [ "The Cricketers", "customer rating", "1 out of 5" ], [ "The Cricketers", "area", "city centre" ], [ "The Cricketers", "familyFriendly", "no" ], [ "The Cricketers", "near", "All Bar One" ] ], "annotations": [ { "source": "e2e", "text": "The Cricketers is in the city centre near All Bar One but it is not children friendly. It is a restaurant that sells Chinese food and has a customer rating of 1 out of 5." } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "restaurant" ], [ "The Cricketers", "food", "Chinese" ], [ "The Cricketers", "customer rating", "1 out of 5" ], [ "The Cricketers", "area", "city centre" ], [ "The Cricketers", "familyFriendly", "yes" ], [ "The Cricketers", "near", "All Bar One" ] ], "annotations": [ { "source": "e2e", "text": "In the city centre near to All Bar One is The Cricketers Chinese restaurant, it has bad customer ratings but it is child friendly." }, { "source": "e2e", "text": "1 out of 5 customer rated, mid priced family friendly Chinese restaurant called The Cricketers is in the city center., near All Bar One." } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "restaurant" ], [ "The Cricketers", "food", "Chinese" ], [ "The Cricketers", "customer rating", "1 out of 5" ], [ "The Cricketers", "area", "riverside" ], [ "The Cricketers", "familyFriendly", "no" ], [ "The Cricketers", "near", "All Bar One" ] ], "annotations": [ { "source": "e2e", "text": "The Cricketers is a restaurant that offers Chinese food. It is not kid friendly and has a 1 out of 5 customer rating. It is located by All Bar One in the riverside area." }, { "source": "e2e", "text": "The Cricketers is a highly priced adult only restaurant that offers Chinese food. It has a 1 out of 5 customer rating and is located by All Bar One in the riverside area." } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "restaurant" ], [ "The Cricketers", "food", "Chinese" ], [ "The Cricketers", "customer rating", "1 out of 5" ], [ "The Cricketers", "area", "riverside" ], [ "The Cricketers", "familyFriendly", "yes" ], [ "The Cricketers", "near", "All Bar One" ] ], "annotations": [ { "source": "e2e", "text": "If you like Chinese food, there is a restaurant called The Cricketers that has it. They charge higher prices and have a rating of 1 out of 5. They are family friendly and are located on the riverside near All Bar One." }, { "source": "e2e", "text": "The Cricketers a restaurant that serves Chinese food that is located in the Riverside area near All Bar One was rated a 1 out of 5 by their customers. The Cricketers is a kid friendly establishment and the pricing is moderate." } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "restaurant" ], [ "The Cricketers", "food", "Chinese" ], [ "The Cricketers", "customer rating", "1 out of 5" ], [ "The Cricketers", "familyFriendly", "yes" ], [ "The Cricketers", "near", "All Bar One" ] ], "annotations": [ { "source": "e2e", "text": "As a restaurant also offering up Chinese Food, The Cricketers is a wonderful play to visit. Priced in the higher range, customers have given this restaurant a 1 out of 5 rating. Located near the center. of the city, children are welcome here and The Cricketers offers a menu that they would also enjoy. Located near All Bar One, The Cricketers should be on everyone's list as a place to try." } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "restaurant" ], [ "The Cricketers", "food", "Chinese" ], [ "The Cricketers", "customer rating", "3 out of 5" ], [ "The Cricketers", "area", "city centre" ], [ "The Cricketers", "familyFriendly", "no" ], [ "The Cricketers", "near", "All Bar One" ] ], "annotations": [ { "source": "e2e", "text": "The Cricketers is a restaurant that also serves Chinese food. It is located in the city centre near to All Bar One, with a 3 out of 5 customer rating. It is not kids friendly." }, { "source": "e2e", "text": "There is a restaurant near the All Bar One in the city centre called The Cricketers. It has a 3 out of 5 customer rating, no kids allowed and they serve Chinese." } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "restaurant" ], [ "The Cricketers", "food", "Chinese" ], [ "The Cricketers", "customer rating", "5 out of 5" ], [ "The Cricketers", "area", "riverside" ], [ "The Cricketers", "familyFriendly", "yes" ], [ "The Cricketers", "near", "All Bar One" ] ], "annotations": [ { "source": "e2e", "text": "The Cricketers is a Chinese restaurant with a 5 out of 5 rating. it is located in Riverside and is family friendly it is by All Bar One." } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "restaurant" ], [ "The Cricketers", "food", "Chinese" ], [ "The Cricketers", "customer rating", "average" ], [ "The Cricketers", "area", "city centre" ], [ "The Cricketers", "familyFriendly", "no" ], [ "The Cricketers", "near", "All Bar One" ] ], "annotations": [ { "source": "e2e", "text": "For Chinese food in the city centre on a budget, you could try The Cricketers restaurant. It has average customer ratings and is not family friendly. Near All Bar One." } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "restaurant" ], [ "The Cricketers", "food", "Chinese" ], [ "The Cricketers", "customer rating", "average" ], [ "The Cricketers", "area", "riverside" ], [ "The Cricketers", "familyFriendly", "no" ], [ "The Cricketers", "near", "All Bar One" ] ], "annotations": [ { "source": "e2e", "text": "The Cricketers restaurant, near All Bar One, serves high-end Chinese food, It has a riverside location, average reviews and is not suitable for children" } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "restaurant" ], [ "The Cricketers", "food", "Chinese" ], [ "The Cricketers", "customer rating", "average" ], [ "The Cricketers", "familyFriendly", "no" ], [ "The Cricketers", "near", "All Bar One" ] ], "annotations": [ { "source": "e2e", "text": "The Cricketers restaurant serving Chinese food near All Bar One is not children friendly has and average customer rating." } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "restaurant" ], [ "The Cricketers", "food", "Chinese" ], [ "The Cricketers", "customer rating", "high" ], [ "The Cricketers", "area", "city centre" ], [ "The Cricketers", "familyFriendly", "no" ], [ "The Cricketers", "near", "All Bar One" ] ], "annotations": [ { "source": "e2e", "text": "The Cricketers is a restaurant that provides Chinese food in the \u00a320-\u00a325 price range. It has a high customer rating and is not kid friendly. It is located in the centre of the city near All Bar One." }, { "source": "e2e", "text": "The Cricketers is a highly rated restaurant located in the city centre near All Bar One. It provides Chinese food in the \u00a320-\u00a325 price range and is not kid friendly." }, { "source": "e2e", "text": "The Cricketers is this restaurant, but it also has Chinese food ranging from \u00a330 and up with a high customer rating. It's not kid friendly and it's near All Bar One in the city centre." } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "restaurant" ], [ "The Cricketers", "food", "Chinese" ], [ "The Cricketers", "customer rating", "high" ], [ "The Cricketers", "area", "city centre" ], [ "The Cricketers", "familyFriendly", "yes" ], [ "The Cricketers", "near", "All Bar One" ] ], "annotations": [ { "source": "e2e", "text": "The Cricketers is a restaurant which serves Chinese food at a minimum cost of \u00a330. They have a high customer rating and are child friendly. You can find it near All Bar One in the city centre." } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "restaurant" ], [ "The Cricketers", "food", "Chinese" ], [ "The Cricketers", "customer rating", "high" ], [ "The Cricketers", "area", "riverside" ], [ "The Cricketers", "familyFriendly", "yes" ], [ "The Cricketers", "near", "All Bar One" ] ], "annotations": [ { "source": "e2e", "text": "The Cricketers is a child friendly restaurant on the riverside. If you are hungry you can eat their Chinese food for \u00a320-\u00a325. It gets a high customer rating and is suitable for kids. Find it located near All Bar One." }, { "source": "e2e", "text": "The Cricketers is a restaurant which also does Chinese food. It has a high customer rating and you can expect to spend \u00a320-\u00a325. It is child friendly and gets a high customer rating. You can find it on the riverside near All Bar One." }, { "source": "e2e", "text": "Near All Bar One, The Cricketers offers Chinese food and also serves as a highly-rated restaurant in riverside that is child-friendly. Prices range above 30 pounds." } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "restaurant" ], [ "The Cricketers", "food", "Chinese" ], [ "The Cricketers", "customer rating", "low" ], [ "The Cricketers", "area", "city centre" ], [ "The Cricketers", "familyFriendly", "yes" ], [ "The Cricketers", "near", "All Bar One" ] ], "annotations": [ { "source": "e2e", "text": "The Cricketers is a low customer rated restaurant that serves Chinese food. You'll spend less than twenty dollars. It is family friendly and located in the city centre near All Bar One." }, { "source": "e2e", "text": "If you're looking for a family friendly restaurant, The Cricketers just may be your spot. For less than twenty dollars, you get Chinese food. The customer rating is low, but it is family friendly. The Cricketers is located in the city centre near All Bar One." } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "restaurant" ], [ "The Cricketers", "food", "Chinese" ], [ "The Cricketers", "customer rating", "low" ], [ "The Cricketers", "area", "riverside" ], [ "The Cricketers", "familyFriendly", "no" ], [ "The Cricketers", "near", "All Bar One" ] ], "annotations": [ { "source": "e2e", "text": "The Cricketers is a restaurant in located near All Bar One in the riverside area which also serves Chinese food. It is not family friendly, has poor reviews and is not family-friendly." } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "restaurant" ], [ "The Cricketers", "food", "Chinese" ], [ "The Cricketers", "customer rating", "low" ], [ "The Cricketers", "area", "riverside" ], [ "The Cricketers", "familyFriendly", "yes" ], [ "The Cricketers", "near", "All Bar One" ] ], "annotations": [ { "source": "e2e", "text": "The Cricketers is a restaurant serves Chinese food. Located on the riverside near All Bar One. The Cricketers is also family friendly. The customer rating is low." } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "restaurant" ], [ "The Cricketers", "food", "Chinese" ], [ "The Cricketers", "customer rating", "low" ], [ "The Cricketers", "familyFriendly", "yes" ], [ "The Cricketers", "near", "All Bar One" ] ], "annotations": [ { "source": "e2e", "text": "There is a low rated, family friendly restaurant The Cricketers serving Chinese food near All Bar One." } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "restaurant" ], [ "The Cricketers", "food", "English" ], [ "The Cricketers", "priceRange", "less than \u00a320" ], [ "The Cricketers", "area", "city centre" ], [ "The Cricketers", "familyFriendly", "yes" ], [ "The Cricketers", "near", "All Bar One" ] ], "annotations": [ { "source": "e2e", "text": "Tucked away at the city centre near All Bar One, The Cricketers restaurant is family friendly and serves Chinese food priced at less than 20 British Pounds," } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "restaurant" ], [ "The Cricketers", "food", "Chinese" ], [ "The Cricketers", "priceRange", "cheap" ], [ "The Cricketers", "area", "city centre" ], [ "The Cricketers", "familyFriendly", "no" ], [ "The Cricketers", "near", "All Bar One" ] ], "annotations": [ { "source": "e2e", "text": "The Cricketers is a highly recommended and inexpensive, adult-only restaurant that serves Chinese. It is located near All Bar One in the center. of town." } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "restaurant" ], [ "The Cricketers", "food", "Chinese" ], [ "The Cricketers", "priceRange", "cheap" ], [ "The Cricketers", "area", "city centre" ], [ "The Cricketers", "familyFriendly", "yes" ], [ "The Cricketers", "near", "All Bar One" ] ], "annotations": [ { "source": "e2e", "text": "The Cricketers is a restaurant where you can eat Chinese food very cheaply. This family friendly, city centre, restaurant which is near All Bar One has a top quality customer rating." }, { "source": "e2e", "text": "The Cricketers is a cheap restaurant serving Chinese food with okay reviews. It is located in the city centre near All Bar One and is family friendly." }, { "source": "e2e", "text": "The Cricketers is a restaurant serving Chinese food at low prices. It is okay and is located in the city centre. It is family friendly and is near to All Bar One." } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "restaurant" ], [ "The Cricketers", "food", "Chinese" ], [ "The Cricketers", "priceRange", "cheap" ], [ "The Cricketers", "customer rating", "5 out of 5" ], [ "The Cricketers", "area", "city centre" ], [ "The Cricketers", "familyFriendly", "no" ], [ "The Cricketers", "near", "All Bar One" ] ], "annotations": [ { "source": "e2e", "text": "There is a restaurant called The Cricketers providing Chinese food located in the city centre near All Bar One with 5 out of 5 customer rating and it's price range is cheap, but it is not family friendly." }, { "source": "e2e", "text": "restaurant The Cricketers in city centre near All Bar One provides low price Chinese food with customer rating 5 out of 5. It is not family friendly." }, { "source": "e2e", "text": "The Cricketers is a restaurant located in the city centre near All Bar One that provides Chinese food which has a 5 out of 5 customer rating and the price range is cheap. It is not family friendly." }, { "source": "e2e", "text": "The Cricketers is a restaurant having Chinese food in a cheap price range, customer rating is 5 out of 5. Located in city centre near All Bar One and no family friendly." } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "restaurant" ], [ "The Cricketers", "food", "Chinese" ], [ "The Cricketers", "priceRange", "cheap" ], [ "The Cricketers", "customer rating", "5 out of 5" ], [ "The Cricketers", "area", "city centre" ], [ "The Cricketers", "familyFriendly", "yes" ], [ "The Cricketers", "near", "All Bar One" ] ], "annotations": [ { "source": "e2e", "text": "The Cricketers restaurant specializes in providing Chinese food at cheap prices while garnering a customer service rating of 5 out of 5, located in the city centre, the Cricketers is family friendly and is near the All Bar One." }, { "source": "e2e", "text": "The Cricketers is a restaurant that serves Chinese food with a cheap price range, a 5 out 5 star customer rating, and is also kid friendly located near All Bar One in the city centre." }, { "source": "e2e", "text": "The Cricketers restaurant serves Chinese food at a cheap price while providing excellence in customer service rating 5 out of 5, located in the city centre this family friendly restaurant is located right near All Bar One." }, { "source": "e2e", "text": "There is a cheap restaurant named The Cricketers located in the city centre near the All Bar One. This family friendly establishment serving Chinese food has a rating of 5 out of 5." }, { "source": "e2e", "text": "The Cricketers is a Chinese food restaurant and restaurant located near All Bar One in the city centre, it has 5 out of 5 star customer ratings, a cheap price range, and is kid friendly." } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "restaurant" ], [ "The Cricketers", "food", "Chinese" ], [ "The Cricketers", "priceRange", "cheap" ], [ "The Cricketers", "customer rating", "5 out of 5" ], [ "The Cricketers", "area", "city centre" ], [ "The Cricketers", "near", "All Bar One" ] ], "annotations": [ { "source": "e2e", "text": "The Cricketers is a highly rated, yet cheap restaurant near All Bar One and the city center. that serves Chinese. This establishment is suitable for adult guests." } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "restaurant" ], [ "The Cricketers", "food", "Chinese" ], [ "The Cricketers", "priceRange", "cheap" ], [ "The Cricketers", "customer rating", "5 out of 5" ], [ "The Cricketers", "area", "riverside" ], [ "The Cricketers", "familyFriendly", "no" ], [ "The Cricketers", "near", "All Bar One" ] ], "annotations": [ { "source": "e2e", "text": "On the riverside, near All Bar One, you will find The Cricketers. It is a cheap, non family-friendly restaurant that also serves Chinese food. It has an excellent customer rating of 5 out of 5." }, { "source": "e2e", "text": "The Cricketers can be found in the riverside area near All Bar One. It has excellent customer reviews despite the fact that it is not family friendly. It serves cheap Chinese food in a restaurant setting." }, { "source": "e2e", "text": "The Cricketers is a restaurant that serves cheap Chinese food. It is cheap and has excellent reviews but is not family friendly. It can be found in the riverside area near All Bar One." }, { "source": "e2e", "text": "The Cricketers is an excellent, non family-friendly restaurant that also serves Chinese food. It is situated on the riverside, near All Bar One, and has quite cheap prices. It is a customer-favourite with a rating of 5 out of 5." }, { "source": "e2e", "text": "The Cricketers is a Chinese restaurant in the riverside area near All Bar One. I is not child friendly. It is cheap and has a high customer rating." } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "restaurant" ], [ "The Cricketers", "food", "Chinese" ], [ "The Cricketers", "priceRange", "cheap" ], [ "The Cricketers", "customer rating", "5 out of 5" ], [ "The Cricketers", "area", "riverside" ], [ "The Cricketers", "familyFriendly", "yes" ], [ "The Cricketers", "near", "All Bar One" ] ], "annotations": [ { "source": "e2e", "text": "There is a restaurant called The Cricketers that has Chinese food. They have a rating of 5 out of 5 and have cheap food options. They are on the riverside near All Bar One. However, they do not allow children." }, { "source": "e2e", "text": "The Cricketers is a Chinese food restaurant with inexpensive food. Although they do not allow children, they do have a high customer rating. They are near the riverside by All Bar One." }, { "source": "e2e", "text": "Located riverside, near All Bar One, is the cheap restaurant, The Cricketers. Chinese food is served there and it is family friendly and has a 5 out of 5 customer rating." }, { "source": "e2e", "text": "The Cricketers is a restaurant which serves Chinese food. It is cheaply priced, family friendly, and has a customer rating of 5 out of 5. It is located riverside near All Bar One." } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "restaurant" ], [ "The Cricketers", "food", "Chinese" ], [ "The Cricketers", "priceRange", "cheap" ], [ "The Cricketers", "customer rating", "5 out of 5" ], [ "The Cricketers", "area", "riverside" ], [ "The Cricketers", "near", "All Bar One" ] ], "annotations": [ { "source": "e2e", "text": "The Cricketers is a restaurant providing Chinese food in the cheap price range. It is located in the riverside. It is near All Bar One. Its customer rating is 5 out of 5." } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "restaurant" ], [ "The Cricketers", "food", "Chinese" ], [ "The Cricketers", "priceRange", "cheap" ], [ "The Cricketers", "customer rating", "average" ], [ "The Cricketers", "area", "city centre" ], [ "The Cricketers", "familyFriendly", "no" ], [ "The Cricketers", "near", "All Bar One" ] ], "annotations": [ { "source": "e2e", "text": "The Cricketers restaurant provides cheap and cheerful Chinese food. It is located in the city centre near All Bar One. It has average customer ratings and is not family friendly." } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "restaurant" ], [ "The Cricketers", "food", "Chinese" ], [ "The Cricketers", "priceRange", "cheap" ], [ "The Cricketers", "customer rating", "average" ], [ "The Cricketers", "area", "city centre" ], [ "The Cricketers", "familyFriendly", "yes" ], [ "The Cricketers", "near", "All Bar One" ] ], "annotations": [ { "source": "e2e", "text": "The Cricketers restaurant is in the city centre near All Bar One. It serves cheap Chinese food and is family friendly with average customer ratings." } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "restaurant" ], [ "The Cricketers", "food", "Chinese" ], [ "The Cricketers", "priceRange", "cheap" ], [ "The Cricketers", "customer rating", "average" ], [ "The Cricketers", "area", "city centre" ], [ "The Cricketers", "near", "All Bar One" ] ], "annotations": [ { "source": "e2e", "text": "The Cricketers is a restaurant providing Chinese food in the cheap price range. It is located in the city centre. It is near All Bar One. Its customer rating is average." }, { "source": "e2e", "text": "The Cricketers is a restaurant providing Chinese food in the cheap price range. It is located in the city centre. It is near All Bar One. Its customer rating is average." }, { "source": "e2e", "text": "The Cricketers is a restaurant providing Chinese food in the cheap price range. It is located in the city centre. It is near All Bar One. Its customer rating is average." }, { "source": "e2e", "text": "The Cricketers is a restaurant providing Chinese food in the cheap price range. It is located in the city centre. It is near All Bar One. Its customer rating is average." } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "restaurant" ], [ "The Cricketers", "food", "Chinese" ], [ "The Cricketers", "priceRange", "cheap" ], [ "The Cricketers", "customer rating", "average" ], [ "The Cricketers", "area", "riverside" ], [ "The Cricketers", "familyFriendly", "no" ], [ "The Cricketers", "near", "All Bar One" ] ], "annotations": [ { "source": "e2e", "text": "The Cricketers restaurant serves cheap Chinese food. It has an average customer rating and is located on the riverside. It is not family friendly and is near All Bar One." }, { "source": "e2e", "text": "The Cricketers is not a family friendly restaurant that serves Chinese food in the riverside area near the All Bar One that offers cheap food with an average customer rating." }, { "source": "e2e", "text": "The Cricketers is a restaurant type Chinese food place, it's cheap and has average customer ratings, it's not family friendly but is located near All Bar One in Riverside." }, { "source": "e2e", "text": "The Cricketers is a restaurant that serves Chinese food for a low price, has an average customer rating, is not family friendly, and is in the riverside area near the All Bar One." } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "restaurant" ], [ "The Cricketers", "food", "Chinese" ], [ "The Cricketers", "priceRange", "cheap" ], [ "The Cricketers", "customer rating", "average" ], [ "The Cricketers", "area", "riverside" ], [ "The Cricketers", "familyFriendly", "yes" ], [ "The Cricketers", "near", "All Bar One" ] ], "annotations": [ { "source": "e2e", "text": "Near Riverside by the All Bar One, is a restaurant style Chinese place called The Cricketers, it's cheap and the ratings are average, they aren't however family friendly." }, { "source": "e2e", "text": "The Cricketers is a restaurant serving Chinese food in the riverside area near to All Bar One. It's cheap and family friendly with an average customer rating." }, { "source": "e2e", "text": "There's a cheap, family friendly restaurant called The Cricketers near to All Bar One in the riverside area. It serves Chinese food and has an average customer rating." }, { "source": "e2e", "text": "The Cricketers restaurant serves cheap Chinese food with an average customer rating and is located near All Bar One on the Riverside and is family friendly" } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "restaurant" ], [ "The Cricketers", "food", "Chinese" ], [ "The Cricketers", "priceRange", "cheap" ], [ "The Cricketers", "customer rating", "average" ], [ "The Cricketers", "area", "riverside" ], [ "The Cricketers", "near", "All Bar One" ] ], "annotations": [ { "source": "e2e", "text": "The Cricketers is a restaurant providing Chinese food in the cheap price range. It is located in the riverside. It is near All Bar One. Its customer rating is average." }, { "source": "e2e", "text": "The Cricketers is a restaurant providing Chinese food in the cheap price range. It is located in the riverside. It is near All Bar One. Its customer rating is average." } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "restaurant" ], [ "The Cricketers", "food", "Chinese" ], [ "The Cricketers", "priceRange", "cheap" ], [ "The Cricketers", "customer rating", "average" ], [ "The Cricketers", "familyFriendly", "yes" ], [ "The Cricketers", "near", "All Bar One" ] ], "annotations": [ { "source": "e2e", "text": "For a central family friendly venue serving cheap Chinese food, try The Cricketers restaurant. It has average customer ratings and is near All Bar One." } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "restaurant" ], [ "The Cricketers", "food", "Chinese" ], [ "The Cricketers", "priceRange", "moderate" ], [ "The Cricketers", "customer rating", "average" ], [ "The Cricketers", "area", "city centre" ], [ "The Cricketers", "familyFriendly", "yes" ], [ "The Cricketers", "near", "All Bar One" ] ], "annotations": [ { "source": "e2e", "text": "The Cricketers is a restaurant that serves Chinese food in the city centre, near All Bar One. It is family friendly and has a cheap price range and average customer rating." } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "restaurant" ], [ "The Cricketers", "food", "Chinese" ], [ "The Cricketers", "priceRange", "more than \u00a330" ], [ "The Cricketers", "customer rating", "5 out of 5" ], [ "The Cricketers", "area", "riverside" ], [ "The Cricketers", "familyFriendly", "yes" ], [ "The Cricketers", "near", "All Bar One" ] ], "annotations": [ { "source": "e2e", "text": "The Cricketers is a restaurant offering Chinese food in the low price range with a high rating. It is family friendly located in Riverside near All Bar One." } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "restaurant" ], [ "The Cricketers", "food", "Chinese" ], [ "The Cricketers", "priceRange", "high" ], [ "The Cricketers", "area", "city centre" ], [ "The Cricketers", "familyFriendly", "no" ], [ "The Cricketers", "near", "All Bar One" ] ], "annotations": [ { "source": "e2e", "text": "The Cricketers is an adults only restaurant in the city centre. Also offers Chinese food. The prices are high and the customer satisfaction is average. Located near All Bar One." } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "restaurant" ], [ "The Cricketers", "food", "Chinese" ], [ "The Cricketers", "priceRange", "high" ], [ "The Cricketers", "area", "riverside" ], [ "The Cricketers", "familyFriendly", "yes" ], [ "The Cricketers", "near", "All Bar One" ] ], "annotations": [ { "source": "e2e", "text": "The Cricketers is a high priced restaurant that is located in Riverside near the All Bar One. It is child friendly and has Chinese food." } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "restaurant" ], [ "The Cricketers", "food", "Chinese" ], [ "The Cricketers", "priceRange", "high" ], [ "The Cricketers", "customer rating", "1 out of 5" ], [ "The Cricketers", "area", "city centre" ], [ "The Cricketers", "familyFriendly", "no" ], [ "The Cricketers", "near", "All Bar One" ] ], "annotations": [ { "source": "e2e", "text": "The Cricketers, a restaurant, sells Chinese food with a high price range and a 1 out of 5 rating. It is location in the city centre near All Bar One and isn't child friendly." }, { "source": "e2e", "text": "A restaurant called The Cricketers sells Chinese food in is location in the city centre near All Bar One. This place isn't child friendly and it has with a high price with and a 1 out of 5 rating." }, { "source": "e2e", "text": "The Cricketers is a restaurant which offers Chinese food and has a high price range. The customer rating is 1 out of 5 and it is not children friendly. It is located near All Bar One. It is located in city centre" }, { "source": "e2e", "text": "The Cricketers is a restaurant that serves expensive Chinese food. It has a customer rating of 1 out of 5. It is in the city centre near All Bar One but it is not children friendly." } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "restaurant" ], [ "The Cricketers", "food", "Chinese" ], [ "The Cricketers", "priceRange", "high" ], [ "The Cricketers", "customer rating", "1 out of 5" ], [ "The Cricketers", "area", "city centre" ], [ "The Cricketers", "familyFriendly", "yes" ], [ "The Cricketers", "near", "All Bar One" ] ], "annotations": [ { "source": "e2e", "text": "A restaurant serving Chinese food in the high price range with a customer rating of 1 out of 5 but is child friendly is The Cricketers, located near All Bar One in city centre." }, { "source": "e2e", "text": "The Cricketers is a restaurant service Chinese food in the high price range with a customer rating of 1 out of 5, but is child friendly, near All Bar One in city centre." } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "restaurant" ], [ "The Cricketers", "food", "Chinese" ], [ "The Cricketers", "priceRange", "high" ], [ "The Cricketers", "customer rating", "1 out of 5" ], [ "The Cricketers", "area", "city centre" ], [ "The Cricketers", "near", "All Bar One" ] ], "annotations": [ { "source": "e2e", "text": "The Cricketers is a restaurant that has Chinese food, its price range is high, and its customer rating 1 out of 5 , it is in the city centre and no don't bring your kids and its near All Bar One." } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "restaurant" ], [ "The Cricketers", "food", "Chinese" ], [ "The Cricketers", "priceRange", "high" ], [ "The Cricketers", "customer rating", "1 out of 5" ], [ "The Cricketers", "area", "riverside" ], [ "The Cricketers", "familyFriendly", "no" ], [ "The Cricketers", "near", "All Bar One" ] ], "annotations": [ { "source": "e2e", "text": "The high priced Chinese restaurant The Cricketers, is based in the riverside area near to the All Bar One. It is not child friendly and has a customer rating of 1 out of 5." }, { "source": "e2e", "text": "The Cricketers is a restaurant offering Chinese food. It is in the high price range and has a customer rating of 1 out of 5. It is located by the riverside, near a All Bar One. It is not children friendly." }, { "source": "e2e", "text": "The Cricketers is a non- child friendly restaurant near All Bar One in the riverside area that serves Chinese food. It has a high price range and a customer rating of 1 out of 5." } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "restaurant" ], [ "The Cricketers", "food", "Chinese" ], [ "The Cricketers", "priceRange", "high" ], [ "The Cricketers", "customer rating", "1 out of 5" ], [ "The Cricketers", "area", "riverside" ], [ "The Cricketers", "familyFriendly", "yes" ], [ "The Cricketers", "near", "All Bar One" ] ], "annotations": [ { "source": "e2e", "text": "The Cricketers is a 1 out of 5 restaurant that serves Chinese food in the high price range. The Cricketers is situated at the riverside near All Bar One. The Cricketers is child friendly." }, { "source": "e2e", "text": "A child friendly Chinese restaurant called The Cricketers, has a rating of 1 out of 5, with a high price range and is located riverside, near All Bar One." }, { "source": "e2e", "text": "The Cricketers is a restaurant which serves Chinese food at a high price. The Cricketers has a 1 out of 5 rating but it is by All Bar One at the riverside. The restaurant is child friendly," } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "restaurant" ], [ "The Cricketers", "food", "Chinese" ], [ "The Cricketers", "priceRange", "high" ], [ "The Cricketers", "customer rating", "1 out of 5" ], [ "The Cricketers", "area", "riverside" ], [ "The Cricketers", "near", "All Bar One" ] ], "annotations": [ { "source": "e2e", "text": "The Cricketers is a restaurant for adults, located on the riverside. It serves Chinese food at a high price. Customers rate it as 1 out of 5. It is near a All Bar One." } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "restaurant" ], [ "The Cricketers", "food", "Chinese" ], [ "The Cricketers", "priceRange", "high" ], [ "The Cricketers", "customer rating", "average" ], [ "The Cricketers", "area", "city centre" ], [ "The Cricketers", "familyFriendly", "no" ], [ "The Cricketers", "near", "All Bar One" ] ], "annotations": [ { "source": "e2e", "text": "The Cricketers is a restaurant that serves Chinese. It has an average customer rating and a high price range. It is not child friendly and you can find it in the city centre near All Bar One." }, { "source": "e2e", "text": "In the city centre near All Bar One, there is a restaurant called The Cricketers. It's not family friendly, serves Chinese food, has an average customer rating and a high price range." } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "restaurant" ], [ "The Cricketers", "food", "Chinese" ], [ "The Cricketers", "priceRange", "high" ], [ "The Cricketers", "customer rating", "average" ], [ "The Cricketers", "area", "city centre" ], [ "The Cricketers", "familyFriendly", "no" ], [ "The Cricketers", "near", "All Bar One" ] ], "annotations": [ { "source": "e2e", "text": "The Cricketers is a non-child friendly Chinese restaurant with an average customer rating. They have a high price range and are in the city centre area nearby All Bar One." }, { "source": "e2e", "text": "The Cricketers is a Chinese restaurant in the city centre area nearby All Bar One. They have an average customer rating, a high price range, and are not child-friendly." } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "restaurant" ], [ "The Cricketers", "food", "Chinese" ], [ "The Cricketers", "priceRange", "high" ], [ "The Cricketers", "customer rating", "average" ], [ "The Cricketers", "area", "city centre" ], [ "The Cricketers", "familyFriendly", "yes" ], [ "The Cricketers", "near", "All Bar One" ] ], "annotations": [ { "source": "e2e", "text": "The Cricketers is a restaurant serving Chinese food in the city centre near All Bar One. It's price range is high and has an average customer rating. It's suitable for children." } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "restaurant" ], [ "The Cricketers", "food", "Chinese" ], [ "The Cricketers", "priceRange", "high" ], [ "The Cricketers", "customer rating", "average" ], [ "The Cricketers", "area", "city centre" ], [ "The Cricketers", "near", "All Bar One" ] ], "annotations": [ { "source": "e2e", "text": "The Cricketers is a restaurant providing Chinese food in the high price range. It is located in the city centre. It is near All Bar One. Its customer rating is average." }, { "source": "e2e", "text": "The Cricketers is a restaurant providing Chinese food in the high price range. It is located in the city centre. It is near All Bar One. Its customer rating is average." } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "restaurant" ], [ "The Cricketers", "food", "Chinese" ], [ "The Cricketers", "priceRange", "high" ], [ "The Cricketers", "customer rating", "average" ], [ "The Cricketers", "area", "riverside" ], [ "The Cricketers", "familyFriendly", "no" ], [ "The Cricketers", "near", "All Bar One" ] ], "annotations": [ { "source": "e2e", "text": "The Cricketers is a Chinese restaurant in the riverside area, near All Bar One. Their price range is high with an average customer rating, and it is not child friendly." }, { "source": "e2e", "text": "There is an expensive restaurant The Cricketers, offering Chinese food and is located at riverside near All Bar One. It is not child friendly and has an average rating ." }, { "source": "e2e", "text": "The Cricketers is an expensive restaurant offering Chinese food and has an average rating. It is not children friendly and is located at riverside near All Bar One." } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "restaurant" ], [ "The Cricketers", "food", "Chinese" ], [ "The Cricketers", "priceRange", "high" ], [ "The Cricketers", "customer rating", "average" ], [ "The Cricketers", "area", "riverside" ], [ "The Cricketers", "familyFriendly", "yes" ], [ "The Cricketers", "near", "All Bar One" ] ], "annotations": [ { "source": "e2e", "text": "A restaurant named The Cricketers is located by All Bar One in riverside. It serves expensive Chinese food, is child friendly and has average customer reviews." }, { "source": "e2e", "text": "The Cricketers is a high priced, average rated, kid friendly Chinese restaurant near All Bar One in Riverside." }, { "source": "e2e", "text": "There is a restaurant named The Cricketers that serves Chinese food. It is expensive with average customer ratings and is child friendly. It is located near All Bar One in riverside." } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "restaurant" ], [ "The Cricketers", "food", "Chinese" ], [ "The Cricketers", "priceRange", "high" ], [ "The Cricketers", "customer rating", "average" ], [ "The Cricketers", "area", "riverside" ], [ "The Cricketers", "near", "All Bar One" ] ], "annotations": [ { "source": "e2e", "text": "The Cricketers is a restaurant providing Chinese food in the high price range. It is located in the riverside. It is near All Bar One. Its customer rating is average." }, { "source": "e2e", "text": "The Cricketers is a Chinese restaurant near All Bar One in Riverside. It is high priced with an average rating." }, { "source": "e2e", "text": "The Cricketers is a restaurant providing Chinese food in the high price range. It is located in the riverside. It is near All Bar One. Its customer rating is average." } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "restaurant" ], [ "The Cricketers", "food", "Chinese" ], [ "The Cricketers", "priceRange", "high" ], [ "The Cricketers", "near", "All Bar One" ] ], "annotations": [ { "source": "e2e", "text": "The Cricketers restaurant with high price range with Chinese food is near All Bar One." } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "restaurant" ], [ "The Cricketers", "food", "Chinese" ], [ "The Cricketers", "priceRange", "moderate" ], [ "The Cricketers", "customer rating", "average" ], [ "The Cricketers", "area", "city centre" ], [ "The Cricketers", "familyFriendly", "yes" ], [ "The Cricketers", "near", "All Bar One" ] ], "annotations": [ { "source": "e2e", "text": "There's a children friendly restaurant serving Chinese food called The Cricketers which is in the high price range with an average customer rating. It's in the city centre near All Bar One." }, { "source": "e2e", "text": "The Cricketers restaurant serves Chinese food in the high price range with an average customer rating in the City Centre near All Bar One and is children friendly" } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "restaurant" ], [ "The Cricketers", "food", "Chinese" ], [ "The Cricketers", "priceRange", "moderate" ], [ "The Cricketers", "customer rating", "average" ], [ "The Cricketers", "area", "riverside" ], [ "The Cricketers", "familyFriendly", "yes" ], [ "The Cricketers", "near", "All Bar One" ] ], "annotations": [ { "source": "e2e", "text": "The Cricketers is a Chinese restaurant located riverside near All Bar One. It is a child friendly restaurant that has a high price range and an average customer rating." } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "restaurant" ], [ "The Cricketers", "food", "Chinese" ], [ "The Cricketers", "priceRange", "less than \u00a320" ], [ "The Cricketers", "area", "city centre" ], [ "The Cricketers", "familyFriendly", "yes" ], [ "The Cricketers", "near", "All Bar One" ] ], "annotations": [ { "source": "e2e", "text": "The Cricketers, a family-friendly restaurant near All Bar One in the city centre, serves inexpensive Chinese food. Complaints have been made about The Cricketers." } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "restaurant" ], [ "The Cricketers", "food", "Chinese" ], [ "The Cricketers", "priceRange", "less than \u00a320" ], [ "The Cricketers", "area", "riverside" ], [ "The Cricketers", "familyFriendly", "no" ], [ "The Cricketers", "near", "All Bar One" ] ], "annotations": [ { "source": "e2e", "text": "If you're in the riverside area and want to spend less than \u00a320 at a poorly-reviewed restaurant that serves Chinese food, try The Cricketers. Its near All Bar One and is not family friendly." } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "restaurant" ], [ "The Cricketers", "food", "Chinese" ], [ "The Cricketers", "priceRange", "less than \u00a320" ], [ "The Cricketers", "area", "riverside" ], [ "The Cricketers", "near", "All Bar One" ] ], "annotations": [ { "source": "e2e", "text": "There is a low priced restaurant serving Chinese food The Cricketers in riverside, near All Bar One." } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "restaurant" ], [ "The Cricketers", "food", "Chinese" ], [ "The Cricketers", "priceRange", "less than \u00a320" ], [ "The Cricketers", "customer rating", "low" ], [ "The Cricketers", "area", "city centre" ], [ "The Cricketers", "familyFriendly", "no" ], [ "The Cricketers", "near", "All Bar One" ] ], "annotations": [ { "source": "e2e", "text": "The Cricketers is a restaurant providing Chinese for under \u00a320. It has a low customer rating. It is located in the city center. It is not family friendly. It is near All Bar One." } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "restaurant" ], [ "The Cricketers", "food", "Chinese" ], [ "The Cricketers", "priceRange", "less than \u00a320" ], [ "The Cricketers", "customer rating", "low" ], [ "The Cricketers", "area", "city centre" ], [ "The Cricketers", "familyFriendly", "yes" ], [ "The Cricketers", "near", "All Bar One" ] ], "annotations": [ { "source": "e2e", "text": "The Cricketers is a family friendly restaurant that serves Chinese food with a price range of less than \u00a320 and has a low customer rating. It is located near All Bar One in the center. of the city." }, { "source": "e2e", "text": "The Cricketers is in the center. of the city near All Bar One, and is family friendly with a low customer rating. It is a restaurant which serves Chinese food with a price range of less than \u00a320." } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "restaurant" ], [ "The Cricketers", "food", "Chinese" ], [ "The Cricketers", "priceRange", "less than \u00a320" ], [ "The Cricketers", "customer rating", "low" ], [ "The Cricketers", "area", "city centre" ], [ "The Cricketers", "near", "All Bar One" ] ], "annotations": [ { "source": "e2e", "text": "The Cricketers is a restaurant providing Chinese food in the less than \u00a320 price range. It is located in the city centre. It is near All Bar One. Its customer rating is low." }, { "source": "e2e", "text": "The Cricketers is a restaurant providing Chinese food in the less than \u00a320 price range. It is located in the city centre. It is near All Bar One. Its customer rating is low." } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "restaurant" ], [ "The Cricketers", "food", "Chinese" ], [ "The Cricketers", "priceRange", "less than \u00a320" ], [ "The Cricketers", "customer rating", "low" ], [ "The Cricketers", "area", "riverside" ], [ "The Cricketers", "familyFriendly", "no" ], [ "The Cricketers", "near", "All Bar One" ] ], "annotations": [ { "source": "e2e", "text": "The Cricketers is a restaurant offering Chinese food. They are price ranged of less than \u00a320 with a low customer rating. They are not family friendly and are located in the riverside near All Bar One." }, { "source": "e2e", "text": "The Cricketers is a restaurant providing Chinese food in a price range less than 20 pounds. It is located at the riverside, near All Bar One. The customer rating is low and it is not family friendly." }, { "source": "e2e", "text": "The Cricketers is a low-rated restaurant in the riverside area, near All Bar One, serving Chinese food priced under \u00a320. They are not family friendly." } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "restaurant" ], [ "The Cricketers", "food", "Chinese" ], [ "The Cricketers", "priceRange", "less than \u00a320" ], [ "The Cricketers", "customer rating", "low" ], [ "The Cricketers", "area", "riverside" ], [ "The Cricketers", "familyFriendly", "yes" ], [ "The Cricketers", "near", "All Bar One" ] ], "annotations": [ { "source": "e2e", "text": "The Cricketers is a Chinese restaurant. They charge less than 20 pounds. The Cricketers has a low customer rating but is family friendly and located on the riverside near All Bar One." }, { "source": "e2e", "text": "The Cricketers is a restaurant serving Chinese food for less than 20 pounds. They have a low customer rating. The Cricketers can be found along the riverside near All Bar One and it is family friendly." } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "restaurant" ], [ "The Cricketers", "food", "Chinese" ], [ "The Cricketers", "priceRange", "less than \u00a320" ], [ "The Cricketers", "customer rating", "low" ], [ "The Cricketers", "area", "riverside" ], [ "The Cricketers", "near", "All Bar One" ] ], "annotations": [ { "source": "e2e", "text": "There is a riverside restaurant near All Bar One that serves Chinese food for less than \u00a320, called The Cricketers. This venue has been given low ratings and does not accommodate families." } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "restaurant" ], [ "The Cricketers", "food", "Chinese" ], [ "The Cricketers", "priceRange", "less than \u00a320" ], [ "The Cricketers", "familyFriendly", "yes" ], [ "The Cricketers", "near", "All Bar One" ] ], "annotations": [ { "source": "e2e", "text": "The Cricketers is a restaurant that serves Chinese foods. The price range is less than \u00a320. It's located near All Bar One and it's family friendly." } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "restaurant" ], [ "The Cricketers", "food", "Chinese" ], [ "The Cricketers", "priceRange", "moderate" ], [ "The Cricketers", "area", "city centre" ], [ "The Cricketers", "near", "All Bar One" ] ], "annotations": [ { "source": "e2e", "text": "The Cricketers, a restaurant that serves moderately priced Chinese food, is located in city centre near All Bar One." } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "restaurant" ], [ "The Cricketers", "food", "Chinese" ], [ "The Cricketers", "priceRange", "moderate" ], [ "The Cricketers", "customer rating", "1 out of 5" ], [ "The Cricketers", "area", "city centre" ], [ "The Cricketers", "familyFriendly", "no" ], [ "The Cricketers", "near", "All Bar One" ] ], "annotations": [ { "source": "e2e", "text": "The Cricketers restaurant offers Chinese food at moderate price range, has customer rating of 1 out of 5 in city centre, is not kid friendly and is near All Bar One." }, { "source": "e2e", "text": "The Cricketers is a restaurant with Chinese food in the city centre near All Bar One. It is not family friendly, has a moderate price range and a customer rating of 1 out of 5." }, { "source": "e2e", "text": "The Cricketers restaurant has Chinese food in the moderate price range with a customer rating of 1 out of 5 in city centre, is not kid friendly and is near All Bar One." }, { "source": "e2e", "text": "The Cricketers is a restaurant that also provides moderately priced Chinese food. They are located in the city centre near the All Bar One. Note that they are not child friendly, though. However, they are customer rated at 1 out of 5." } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "restaurant" ], [ "The Cricketers", "food", "Chinese" ], [ "The Cricketers", "priceRange", "moderate" ], [ "The Cricketers", "customer rating", "1 out of 5" ], [ "The Cricketers", "area", "city centre" ], [ "The Cricketers", "familyFriendly", "yes" ], [ "The Cricketers", "near", "All Bar One" ] ], "annotations": [ { "source": "e2e", "text": "The Cricketers restaurant Chinese food is moderately price, but customer ratings show 1 out of 5, located in city centre it is a kid friendly restaurant and is located near All Bar One." }, { "source": "e2e", "text": "There is a Chinese restaurant in the city center. called The Cricketers,it is situated near a All Bar One and is moderately priced and child friendly with a low customer rating." }, { "source": "e2e", "text": "The Cricketers restaurant's Chinese food, moderately priced, customer rating 1 out of 5, located city centre, kid friendly, located near All Bar One." }, { "source": "e2e", "text": "The Cricketers is a restaurant in the moderate price range. They serve Chinese food at a moderate price. They are kid friendly and located in the city centre near All Bar One. The Cricketers is rated 1 of 5." }, { "source": "e2e", "text": "There's a restaurant called The Cricketers. They serve moderately priced Chinese food. They're only rated 1 out of 5 but they are kid friendly. The Cricketers is located near All Bar One in the city centre." } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "restaurant" ], [ "The Cricketers", "food", "Chinese" ], [ "The Cricketers", "priceRange", "moderate" ], [ "The Cricketers", "customer rating", "1 out of 5" ], [ "The Cricketers", "area", "city centre" ], [ "The Cricketers", "near", "All Bar One" ] ], "annotations": [ { "source": "e2e", "text": "The Cricketers is a restaurant providing Chinese food in the moderate price range. It is located in the city centre. It is near All Bar One. Its customer rating is 1 out of 5." } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "restaurant" ], [ "The Cricketers", "food", "Chinese" ], [ "The Cricketers", "priceRange", "moderate" ], [ "The Cricketers", "customer rating", "1 out of 5" ], [ "The Cricketers", "area", "riverside" ], [ "The Cricketers", "familyFriendly", "no" ], [ "The Cricketers", "near", "All Bar One" ] ], "annotations": [ { "source": "e2e", "text": "The Cricketers is a Chinese food restaurant for adults and is not kid friendly. It got a 1 out of 5 stars rating for its moderately priced food. It is located in riverside near the All Bar One." }, { "source": "e2e", "text": "At the riverside near All Bar One is a restaurant called The Cricketers. It serves moderate priced Chinese food and is customer rated 1 out of 5. It is not kid friendly." }, { "source": "e2e", "text": "The Cricketers is a restaurant which serves moderate priced Chinese food. It is located at the riverside near All Bar One but is customer rated 1 out of 5 and isn't kid friendly." }, { "source": "e2e", "text": "The Cricketers is a restaurant that offers Chinese food with a moderate price range. It has a 1 out of 5 rating and is not kid friendly. It is located in riverside near the All Bar One." }, { "source": "e2e", "text": "The Cricketers is a Chinese food restaurant in riverside near the All Bar One. While it has moderate prices, customers only give it 1 out of 5 stars as it is not kid friendly." }, { "source": "e2e", "text": "Near the All Bar One in the riverside area you will find The Cricketers. It is a restaurant offering Chinese food with a moderate price range. It is not kid friendly and only has a 1 out of 5 customer rating." } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "restaurant" ], [ "The Cricketers", "food", "Chinese" ], [ "The Cricketers", "priceRange", "moderate" ], [ "The Cricketers", "customer rating", "1 out of 5" ], [ "The Cricketers", "area", "riverside" ], [ "The Cricketers", "near", "All Bar One" ] ], "annotations": [ { "source": "e2e", "text": "The Cricketers is a restaurant with Chinese food. Price is moderate, but 1 out of 5 people like it. It's on a riverside, and it's near All Bar One" }, { "source": "e2e", "text": "The Cricketers is a restaurant providing Chinese food in the moderate price range. It is located in the riverside. It is near All Bar One. Its customer rating is 1 out of 5." }, { "source": "e2e", "text": "The Cricketers is a restaurant providing Chinese food in the moderate price range. It is located in the riverside. It is near All Bar One. Its customer rating is 1 out of 5." } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "restaurant" ], [ "The Cricketers", "food", "Chinese" ], [ "The Cricketers", "priceRange", "moderate" ], [ "The Cricketers", "customer rating", "3 out of 5" ], [ "The Cricketers", "area", "city centre" ], [ "The Cricketers", "familyFriendly", "no" ], [ "The Cricketers", "near", "All Bar One" ] ], "annotations": [ { "source": "e2e", "text": "The Cricketers is a not kids friendly Chinese restaurant located near All Bar One in city centre, with 3 out of 5 customer rating and moderate price range." }, { "source": "e2e", "text": "The Cricketers located in the city centre near All Bar One is not kid friendly, but has a customer rating of 3 out of 5 a restaurant serving Chinese cuisine with a moderate price range." }, { "source": "e2e", "text": "Located in the city centre near All Bar One, The Cricketers is a Chinese restaurant in the moderate price range. It has a customer rating of 3 out of 5 and it is not kids friendly." }, { "source": "e2e", "text": "The Cricketers is a Chinese restaurant is in the moderate price range. It has a customer rating of 3 out of 5 and it is not kids friendly. It is also located in the city centre near All Bar One." }, { "source": "e2e", "text": "The Cricketers is a restaurant serving Chinese food in the moderate price range with a customer rating of 3 out of 5 in the city centre area near All Bar One is not kid friendly." } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "restaurant" ], [ "The Cricketers", "food", "Chinese" ], [ "The Cricketers", "priceRange", "moderate" ], [ "The Cricketers", "customer rating", "3 out of 5" ], [ "The Cricketers", "area", "city centre" ], [ "The Cricketers", "familyFriendly", "yes" ], [ "The Cricketers", "near", "All Bar One" ] ], "annotations": [ { "source": "e2e", "text": "The children friendly restaurant serving Chinese at moderate prices is rated 3 out of 5. They're called The Cricketers and are located in the city center. near All Bar One." }, { "source": "e2e", "text": "The Cricketers is located in the city centre near All Bar One. It is a moderately-priced, kid friendly restaurant which also offers Chinese food. It has a customer rating at 3 out of 5." }, { "source": "e2e", "text": "There is a Chinese food restaurant called The Cricketers located in the center. of the city near All Bar One. It is kid friendly and is moderately priced with a 3 out of 5 customer rating." }, { "source": "e2e", "text": "The Cricketers is a moderately priced, kid friendly restaurant which also offers Chinese food. It has a customer rating of 3 out of 5 and is located in the city centre near All Bar One." }, { "source": "e2e", "text": "The Cricketers is a moderately priced kid friendly restaurant that sells Chinese food. It is located near a All Bar One in the center. of the city and has a 3 out of 5 customer rating." } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "restaurant" ], [ "The Cricketers", "food", "Chinese" ], [ "The Cricketers", "priceRange", "moderate" ], [ "The Cricketers", "customer rating", "3 out of 5" ], [ "The Cricketers", "area", "city centre" ], [ "The Cricketers", "near", "All Bar One" ] ], "annotations": [ { "source": "e2e", "text": "The Cricketers is a restaurant providing Chinese food in the moderate price range. It is located in the city centre. It is near All Bar One. Its customer rating is 3 out of 5." } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "restaurant" ], [ "The Cricketers", "food", "Chinese" ], [ "The Cricketers", "priceRange", "moderate" ], [ "The Cricketers", "customer rating", "3 out of 5" ], [ "The Cricketers", "area", "riverside" ], [ "The Cricketers", "familyFriendly", "no" ], [ "The Cricketers", "near", "All Bar One" ] ], "annotations": [ { "source": "e2e", "text": "The Cricketers is a restaurant serving Chinese food with a moderate price. It is located near All Bar One along the riverside and is not kids friendly. It is rated 3 out of 5." }, { "source": "e2e", "text": "The Cricketers restaurant and Chinese near All Bar One in the Riverside area offers moderate prices with a 3 out of 5 rating, but is not kid friendly." }, { "source": "e2e", "text": "The Cricketers, rated at a 3 out of 5 and located on the riverside near All Bar One, is a restaurant that also serves Chinese food at a moderate price but is not a kid friendly place." }, { "source": "e2e", "text": "A restaurant, The Cricketers, serves Chinese food at a moderate price. It is rated 3 out of 5, and is not kid friendly but is located by the All Bar One by the riverside." }, { "source": "e2e", "text": "There is a restaurant, The Cricketers, serving Chinese food along the riverside near All Bar One. It is not kids friendly and is moderately priced with a customer rating of 3 out of 5." }, { "source": "e2e", "text": "Though not kid friendly, The Cricketers is located near the All Bar One, in riverside area. This restaurant has Chinese food in a moderate price range and is rated 3 out of 5." }, { "source": "e2e", "text": "The Cricketers is a restaurant that also serves Chinese food. The price range is moderate and rated a 3 out of 5 by customers. The Cricketers is not a kid friendly place but if you would like to try it, it is located by the riverside area near All Bar One." } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "restaurant" ], [ "The Cricketers", "food", "Chinese" ], [ "The Cricketers", "priceRange", "moderate" ], [ "The Cricketers", "customer rating", "3 out of 5" ], [ "The Cricketers", "area", "riverside" ], [ "The Cricketers", "familyFriendly", "yes" ], [ "The Cricketers", "near", "All Bar One" ] ], "annotations": [ { "source": "e2e", "text": "The Cricketers is a Chinese restaurant with a moderate price range. It sells Chinese food and has an overall customer rating of 3 out of 5. This restaurant is kids friendly, and can be found in the riverside area near All Bar One." }, { "source": "e2e", "text": "Located in the riverside area, The Cricketers is a restaurant that also sells Chinese food. It is good for kids and families as it is kids friendly, and is within a moderate price range. This restaurant has an overall customer rating of 3 out of 5. It can be found near All Bar One in the riverside area." }, { "source": "e2e", "text": "The Cricketers is a kids friendly restaurant with moderately priced Chinese food. It has a customer rating of 3 out of 5 stars. It is on the riverside near All Bar One." }, { "source": "e2e", "text": "The Cricketers is a 3 out of 5 stars Chinese restaurant in the moderate price range near the All Bar One by the riverside. It is kids friendly." } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "restaurant" ], [ "The Cricketers", "food", "Chinese" ], [ "The Cricketers", "priceRange", "moderate" ], [ "The Cricketers", "customer rating", "3 out of 5" ], [ "The Cricketers", "area", "riverside" ], [ "The Cricketers", "near", "All Bar One" ] ], "annotations": [ { "source": "e2e", "text": "The Cricketers is a restaurant providing Chinese food in the moderate price range. It is located in the riverside. It is near All Bar One. Its customer rating is 3 out of 5." } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "restaurant" ], [ "The Cricketers", "food", "Chinese" ], [ "The Cricketers", "priceRange", "more than \u00a330" ], [ "The Cricketers", "area", "city centre" ], [ "The Cricketers", "familyFriendly", "yes" ], [ "The Cricketers", "near", "All Bar One" ] ], "annotations": [ { "source": "e2e", "text": "There is a restaurant called The Cricketers that serves Chinese food The price range is more than \u00a330 and the customer rating is high . it is child friendly and is near All Bar One in the City centre" } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "restaurant" ], [ "The Cricketers", "food", "Chinese" ], [ "The Cricketers", "priceRange", "more than \u00a330" ], [ "The Cricketers", "customer rating", "high" ], [ "The Cricketers", "area", "city centre" ], [ "The Cricketers", "familyFriendly", "no" ], [ "The Cricketers", "near", "All Bar One" ] ], "annotations": [ { "source": "e2e", "text": "Located in the city centre, near All Bar One, The Cricketers is a non children-friendly restaurant which serves Chinese food. It has a price range of more than \u00a330 and high customer ratings." }, { "source": "e2e", "text": "The Chinese Cricketers restaurant which is in the center. of town, does cost more than 30 pounds. The Cricketers does have a high customer rating even though not child friendly. There is a All Bar One nearby." }, { "source": "e2e", "text": "The Cricketers is a restaurant with Chinese food. This establishment has earned a high customer rating. They charge more than 30 pounds. They are located in the city centre near All Bar One and are not family friendly." }, { "source": "e2e", "text": "A good choice for Chinese food in the city centre is The Cricketers. This no children-friendly restaurant has slightly high price range, but high customer ratings. It is located near All Bar One." } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "restaurant" ], [ "The Cricketers", "food", "Chinese" ], [ "The Cricketers", "priceRange", "more than \u00a330" ], [ "The Cricketers", "customer rating", "high" ], [ "The Cricketers", "area", "city centre" ], [ "The Cricketers", "familyFriendly", "yes" ], [ "The Cricketers", "near", "All Bar One" ] ], "annotations": [ { "source": "e2e", "text": "The Cricketers is a restaurant that offers Chinese food the price range is average with high customer rating. Located in the city centre and it is kid friendly since it is near a All Bar One." }, { "source": "e2e", "text": "Located near All Bar One, The Cricketers is a restaurant styled joint that sells Chinese food. This shop is known in the city centre for its high prices, family friendly atmosphere, and high ratings." }, { "source": "e2e", "text": "The Cricketers is a restaurant in the city centre that serves Chinese food. It is near All Bar One. The price range is more than \u00a330 and it has a customer rating of high. It is child friendly ." }, { "source": "e2e", "text": "The Cricketers is a restaurant and Chinese food is also available. We have a high customer rating and food is high price range more than \u00a330 . Located city center. Children friendly and near All Bar One" } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "restaurant" ], [ "The Cricketers", "food", "Chinese" ], [ "The Cricketers", "priceRange", "more than \u00a330" ], [ "The Cricketers", "customer rating", "high" ], [ "The Cricketers", "area", "city centre" ], [ "The Cricketers", "near", "All Bar One" ] ], "annotations": [ { "source": "e2e", "text": "The Cricketers is a restaurant and Chinese food is also available. High customer rating and food is high price range . Located city center. Near All Bar One" } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "restaurant" ], [ "The Cricketers", "food", "Chinese" ], [ "The Cricketers", "priceRange", "more than \u00a330" ], [ "The Cricketers", "customer rating", "high" ], [ "The Cricketers", "area", "riverside" ], [ "The Cricketers", "familyFriendly", "no" ], [ "The Cricketers", "near", "All Bar One" ] ], "annotations": [ { "source": "e2e", "text": "The Cricketers is a Chinese restaurant that has a high customer rating and a price range of more than \u00a330. It is not children friendly, and is in the riverside area near the All Bar One." }, { "source": "e2e", "text": "A Chinese restaurant, The Cricketers, is located in riverside near All Bar One. It is in the high price range, is rated high by customers, and is not child-friendly." }, { "source": "e2e", "text": "Located near All Bar One is a restaurant serving Chinese food called The Cricketers. Its price range is over \u00a330, reflected in its high customer rating. It is located on a picturesque riverside. It is not child friendly." }, { "source": "e2e", "text": "The Cricketers, a Chinese restaurant in riverside near All Bar One, is in the high price range and is rated high by customers. It is not children-friendly." }, { "source": "e2e", "text": "The Cricketers is a Chinese restaurant in the riverside area near All Bar One. It has a high customer rating and a price range of more than \u00a330, but is not children friendly." }, { "source": "e2e", "text": "The Cricketers is a restaurant that serves Chinese food with a price range of over \u00a330. The customer rating is high and it's located on a nice riverside. It isn't child-friendly and is located near All Bar One." } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "restaurant" ], [ "The Cricketers", "food", "Chinese" ], [ "The Cricketers", "priceRange", "more than \u00a330" ], [ "The Cricketers", "customer rating", "high" ], [ "The Cricketers", "area", "riverside" ], [ "The Cricketers", "familyFriendly", "yes" ], [ "The Cricketers", "near", "All Bar One" ] ], "annotations": [ { "source": "e2e", "text": "The Cricketers restaurant serves Chinese food more than \u00a330, has high customer service ratings, are located along the riverside are children friendly and are located near All Bar One." } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "restaurant" ], [ "The Cricketers", "food", "Chinese" ], [ "The Cricketers", "priceRange", "more than \u00a330" ], [ "The Cricketers", "customer rating", "high" ], [ "The Cricketers", "area", "riverside" ], [ "The Cricketers", "near", "All Bar One" ] ], "annotations": [ { "source": "e2e", "text": "The Cricketers restaurant makes delicious Chinese food in the price range of more than \u00a330, ongoing high customer service ratings, located by the riverside, bring your children, easy to find beside the All Bar One." } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "restaurant" ], [ "The Cricketers", "food", "Chinese" ], [ "The Cricketers", "priceRange", "more than \u00a330" ], [ "The Cricketers", "customer rating", "high" ], [ "The Cricketers", "familyFriendly", "no" ], [ "The Cricketers", "near", "All Bar One" ] ], "annotations": [ { "source": "e2e", "text": "The Cricketers is a restaurant which serves Chinese food costing more than 30 pounds. It has a high customer rating, and in the middle of town. it is not child friendly, however there is a All Bar One near by for their needs." }, { "source": "e2e", "text": "The Cricketers is a Chinese restaurant. It is expensive and has a high customer rating. It isn't kid friendly and near All Bar One." } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "restaurant" ], [ "The Cricketers", "food", "Chinese" ], [ "The Cricketers", "priceRange", "more than \u00a330" ], [ "The Cricketers", "customer rating", "high" ], [ "The Cricketers", "familyFriendly", "yes" ], [ "The Cricketers", "near", "All Bar One" ] ], "annotations": [ { "source": "e2e", "text": "A highly-rated Chinese establishment is The Cricketers. This restaurant is centrally located, near All Bar One. They have a price range of over 30 pounds. Please remember they do not allow children." } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "restaurant" ], [ "The Cricketers", "food", "Chinese" ], [ "The Cricketers", "priceRange", "\u00a320-25" ], [ "The Cricketers", "customer rating", "high" ], [ "The Cricketers", "area", "city centre" ], [ "The Cricketers", "familyFriendly", "no" ], [ "The Cricketers", "near", "All Bar One" ] ], "annotations": [ { "source": "e2e", "text": "The Cricketers is a restaurant that serves Chinese food for a price range \u00a320-25. It is located in the city center., close to All Bar One, is not children friendly, and has a high customer rating." } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "restaurant" ], [ "The Cricketers", "food", "Chinese" ], [ "The Cricketers", "priceRange", "\u00a320-25" ], [ "The Cricketers", "customer rating", "high" ], [ "The Cricketers", "area", "city centre" ], [ "The Cricketers", "familyFriendly", "yes" ], [ "The Cricketers", "near", "All Bar One" ] ], "annotations": [ { "source": "e2e", "text": "If you are looking for a restaurant, try The Cricketers it offers Chines food and has an average price range with a High customer rating. It is located near the All Bar One in the city centre and it is kid friendly" } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "restaurant" ], [ "The Cricketers", "food", "Chinese" ], [ "The Cricketers", "priceRange", "\u00a320-25" ], [ "The Cricketers", "customer rating", "high" ], [ "The Cricketers", "area", "city centre" ], [ "The Cricketers", "near", "All Bar One" ] ], "annotations": [ { "source": "e2e", "text": "The Cricketers is a restaurant providing Chinese food in the \u00a320-25 price range. It is located in the city centre. It is near All Bar One. Its customer rating is high." } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "restaurant" ], [ "The Cricketers", "food", "Chinese" ], [ "The Cricketers", "priceRange", "\u00a320-25" ], [ "The Cricketers", "customer rating", "high" ], [ "The Cricketers", "area", "riverside" ], [ "The Cricketers", "familyFriendly", "no" ], [ "The Cricketers", "near", "All Bar One" ] ], "annotations": [ { "source": "e2e", "text": "The Cricketers is a restaurant that serves Chinese food, located in riverside near All Bar One, with high customer rating and price Range \u00a320-25, it's no children friendly." }, { "source": "e2e", "text": "The Cricketers restaurant serves Chinese food, with high customer rating and price Range \u00a320-25, it's no children friendly and is located in riverside near All Bar One." } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "restaurant" ], [ "The Cricketers", "food", "Chinese" ], [ "The Cricketers", "priceRange", "\u00a320-25" ], [ "The Cricketers", "customer rating", "high" ], [ "The Cricketers", "area", "riverside" ], [ "The Cricketers", "near", "All Bar One" ] ], "annotations": [ { "source": "e2e", "text": "restaurant and Chinese, The Cricketers, is near All Bar One in Riverside. With a price range of \u00a320-25 and a high customer rating. Children not allowed." }, { "source": "e2e", "text": "The Cricketers, restaurant and Chinese, is near All Bar One in Riverside. Children not allowed. High customer rating and price range \u00a320-25." }, { "source": "e2e", "text": "The Cricketers is a restaurant providing Chinese food in the \u00a320-25 price range. It is located in the riverside. It is near All Bar One. Its customer rating is high." }, { "source": "e2e", "text": "The Cricketers is a restaurant providing Chinese food in the \u00a320-25 price range. It is located in the riverside. It is near All Bar One. Its customer rating is high." }, { "source": "e2e", "text": "The Cricketers is a restaurant providing Chinese food in the \u00a320-25 price range. It is located in the riverside. It is near All Bar One. Its customer rating is high." }, { "source": "e2e", "text": "The Cricketers is a restaurant providing Chinese food in the \u00a320-25 price range. It is located in the riverside. It is near All Bar One. Its customer rating is high." }, { "source": "e2e", "text": "The Cricketers is a restaurant providing Chinese food in the \u00a320-25 price range. It is located in the riverside. It is near All Bar One. Its customer rating is high." } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "restaurant" ], [ "The Cricketers", "food", "Chinese" ], [ "The Cricketers", "priceRange", "\u00a320-25" ], [ "The Cricketers", "customer rating", "high" ], [ "The Cricketers", "near", "All Bar One" ] ], "annotations": [ { "source": "e2e", "text": "Enjoy highly rated Chinese dishes for \u00a320-25. The Cricketers is a restaurant located downtown near All Bar One. It is not oriented toward family dining." } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "restaurant" ], [ "The Cricketers", "food", "English" ], [ "The Cricketers", "area", "city centre" ], [ "The Cricketers", "near", "All Bar One" ] ], "annotations": [ { "source": "e2e", "text": "The Cricketers is an average English restaurant located in city centre near All Bar One." } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "restaurant" ], [ "The Cricketers", "food", "English" ], [ "The Cricketers", "customer rating", "1 out of 5" ], [ "The Cricketers", "area", "riverside" ], [ "The Cricketers", "familyFriendly", "yes" ], [ "The Cricketers", "near", "Caf\u00e9 Rouge" ] ], "annotations": [ { "source": "e2e", "text": "The Cricketers is located in the riverside area near Caf\u00e9 Rouge. The Cricketers has a customer rating of 1 out of 5. They are a children friendly English restaurant." } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "restaurant" ], [ "The Cricketers", "food", "English" ], [ "The Cricketers", "customer rating", "1 out of 5" ], [ "The Cricketers", "area", "riverside" ], [ "The Cricketers", "near", "Caf\u00e9 Rouge" ] ], "annotations": [ { "source": "e2e", "text": "The Cricketers restaurant by the river, rated one star and on the pricey side for it's British food. Kids welcome and Caf\u00e9 Rouge is just don the road." } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "restaurant" ], [ "The Cricketers", "food", "English" ], [ "The Cricketers", "customer rating", "1 out of 5" ], [ "The Cricketers", "familyFriendly", "yes" ], [ "The Cricketers", "near", "Caf\u00e9 Rouge" ] ], "annotations": [ { "source": "e2e", "text": "Near Caf\u00e9 Rouge is a restaurant called The Cricketers. They are kid friendly and have a rating of 1 out of 5. The prices of their English food can be high." } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "restaurant" ], [ "The Cricketers", "food", "English" ], [ "The Cricketers", "customer rating", "average" ], [ "The Cricketers", "area", "riverside" ], [ "The Cricketers", "familyFriendly", "no" ], [ "The Cricketers", "near", "Caf\u00e9 Rouge" ] ], "annotations": [ { "source": "e2e", "text": "A highly priced English restaurant in the riverside area is The Cricketers. It is non-kid friendly, has an average customer rating, and is located near the Caf\u00e9 Rouge." }, { "source": "e2e", "text": "The Cricketers is a highly priced English restaurant that has earned an average rating from its customers. Although not kid friendly it is located in the riverside area near Caf\u00e9 Rouge." } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "restaurant" ], [ "The Cricketers", "food", "English" ], [ "The Cricketers", "customer rating", "high" ], [ "The Cricketers", "area", "city centre" ], [ "The Cricketers", "familyFriendly", "yes" ], [ "The Cricketers", "near", "All Bar One" ] ], "annotations": [ { "source": "e2e", "text": "The Cricketers is an average English restaurant located in city centre near All Bar One. It is highly rated by customers and is kids friendly." }, { "source": "e2e", "text": "The Cricketers is a kid friendly restaurant. It's located in the centre of the city, near All Bar One. It serves English food and has a high customer rating." } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "restaurant" ], [ "The Cricketers", "food", "English" ], [ "The Cricketers", "familyFriendly", "yes" ], [ "The Cricketers", "near", "Caf\u00e9 Rouge" ] ], "annotations": [ { "source": "e2e", "text": "The Cricketers is a restaurant serving British food next to Caf\u00e9 Rouge. It is family friendly." } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "restaurant" ], [ "The Cricketers", "food", "English" ], [ "The Cricketers", "near", "Caf\u00e9 Rouge" ] ], "annotations": [ { "source": "e2e", "text": "restaurant, The Cricketers, is a restaurant offering English cuisine by the Caf\u00e9 Rouge" } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "restaurant" ], [ "The Cricketers", "food", "English" ], [ "The Cricketers", "priceRange", "cheap" ], [ "The Cricketers", "area", "city centre" ], [ "The Cricketers", "familyFriendly", "no" ], [ "The Cricketers", "near", "Caf\u00e9 Rouge" ] ], "annotations": [ { "source": "e2e", "text": "An average, cheap, English restaurant near Caf\u00e9 Rouge in the city center, is The Cricketers. They are not family-friendly." } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "restaurant" ], [ "The Cricketers", "food", "English" ], [ "The Cricketers", "priceRange", "cheap" ], [ "The Cricketers", "area", "city centre" ], [ "The Cricketers", "familyFriendly", "yes" ], [ "The Cricketers", "near", "Caf\u00e9 Rouge" ] ], "annotations": [ { "source": "e2e", "text": "The Cricketers is a cheap English restaurant near Caf\u00e9 Rouge that is family-friendly in the city centre with a 5out of 5 customer rating." }, { "source": "e2e", "text": "The Cricketers is an English food and restaurant. It is located in the city centre near Caf\u00e9 Rouge and has been rated by customers as a kid-friendly, average place with a cheap price range." } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "restaurant" ], [ "The Cricketers", "food", "English" ], [ "The Cricketers", "priceRange", "cheap" ], [ "The Cricketers", "area", "riverside" ], [ "The Cricketers", "familyFriendly", "yes" ], [ "The Cricketers", "near", "Caf\u00e9 Rouge" ] ], "annotations": [ { "source": "e2e", "text": "Near Caf\u00e9 Rouge, by the riverside, there's a restaurant. It's serves English food, welcomes families; it's cheap and well liked. It's called The Cricketers." }, { "source": "e2e", "text": "There's a cheap place by the river called The Cricketers. It's a very popular restaurant. It's a family friendly place that serves English food. It's by the Caf\u00e9 Rouge." }, { "source": "e2e", "text": "The Cricketers is a family friendly restaurant serving cheap English food in the riverside area situated near Caf\u00e9 Rouge" }, { "source": "e2e", "text": "The Cricketers serves cheap English food in a family friendly restaurant in the riverside area situated nears Caf\u00e9 Rouge" }, { "source": "e2e", "text": "The Cricketers is a restaurant serving British food. Inexpensive, family friendly place to eat near the river and Caf\u00e9 Rouge." } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "restaurant" ], [ "The Cricketers", "food", "English" ], [ "The Cricketers", "priceRange", "cheap" ], [ "The Cricketers", "area", "riverside" ], [ "The Cricketers", "near", "Caf\u00e9 Rouge" ] ], "annotations": [ { "source": "e2e", "text": "The Cricketers, a riverside restaurant offers affordable English dishes by the Caf\u00e9 Rouge" } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "restaurant" ], [ "The Cricketers", "food", "English" ], [ "The Cricketers", "priceRange", "cheap" ], [ "The Cricketers", "customer rating", "5 out of 5" ], [ "The Cricketers", "area", "city centre" ], [ "The Cricketers", "familyFriendly", "no" ], [ "The Cricketers", "near", "Caf\u00e9 Rouge" ] ], "annotations": [ { "source": "e2e", "text": "The Cricketers is a cheap restaurant located in the city centre. With a rating of 5 out of 5, and no kids allowed, this place will amaze you with it's English food. Located close to Caf\u00e9 Rouge." }, { "source": "e2e", "text": "The Cricketers is a cheap, non-family-friendly restaurant with a 5 out of 5 customer rating. This restaurant, which features English food is located in the centre of the city near a Caf\u00e9 Rouge." }, { "source": "e2e", "text": "Located in the centre of Cambridge near a Caf\u00e9 Rouge, The Cricketers restaurant features English dining, and is not family-friendly. It has a 5 out of 5 rating while being cheap." } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "restaurant" ], [ "The Cricketers", "food", "English" ], [ "The Cricketers", "priceRange", "cheap" ], [ "The Cricketers", "customer rating", "5 out of 5" ], [ "The Cricketers", "area", "city centre" ], [ "The Cricketers", "familyFriendly", "yes" ], [ "The Cricketers", "near", "Caf\u00e9 Rouge" ] ], "annotations": [ { "source": "e2e", "text": "The Cricketers is a highly rated English restaurant in the city centre near Caf\u00e9 Rouge. It is cheap and family-friendly." }, { "source": "e2e", "text": "restaurant called The Cricketers is family-friendly, sells English food and is cheap with a customer rating 5 out of 5 in the city centre near Caf\u00e9 Rouge" }, { "source": "e2e", "text": "The city centre has an English restaurant with a 5 out of 5 rating called The Cricketers. It is near Caf\u00e9 Rouge, is family-friendly and cheap." }, { "source": "e2e", "text": "The Cricketers is a cheap English restaurant in the city centre near Caf\u00e9 Rouge. it has a customer rating of 5 out of 5 and is family-friendly." }, { "source": "e2e", "text": "The Cricketers is a family-friendly restaurant that sells English food and has a customer rating of 5 out of 5 with cheap pricing, It is located in the city centre near Caf\u00e9 Rouge" } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "restaurant" ], [ "The Cricketers", "food", "English" ], [ "The Cricketers", "priceRange", "cheap" ], [ "The Cricketers", "customer rating", "5 out of 5" ], [ "The Cricketers", "area", "city centre" ], [ "The Cricketers", "near", "Caf\u00e9 Rouge" ] ], "annotations": [ { "source": "e2e", "text": "Come check out this 5 out of 5 rated restaurant in the city centre near Caf\u00e9 Rouge. Cheap English food will be found at The Cricketers, with no noisy kids allowed." }, { "source": "e2e", "text": "Near Caf\u00e9 Rouge in the city center you will find a 5 star cheap restaurant suited for couples named The Cricketers That serves English Food." }, { "source": "e2e", "text": "You will find a cheap restaurant suited for couples in the city center near Caf\u00e9 Rouge named The Cricketers That serves English Food and has been rated 5 out of 5." } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "restaurant" ], [ "The Cricketers", "food", "English" ], [ "The Cricketers", "priceRange", "cheap" ], [ "The Cricketers", "customer rating", "5 out of 5" ], [ "The Cricketers", "area", "riverside" ], [ "The Cricketers", "familyFriendly", "no" ], [ "The Cricketers", "near", "Caf\u00e9 Rouge" ] ], "annotations": [ { "source": "e2e", "text": "The Cricketers is a low priced, 5 out of 5 costumer-rated restaurant. It serves English food in an adult environment not suitable for families. The Cricketers is located in Riverside near Caf\u00e9 Rouge." } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "restaurant" ], [ "The Cricketers", "food", "English" ], [ "The Cricketers", "priceRange", "cheap" ], [ "The Cricketers", "customer rating", "5 out of 5" ], [ "The Cricketers", "area", "riverside" ], [ "The Cricketers", "familyFriendly", "yes" ], [ "The Cricketers", "near", "Caf\u00e9 Rouge" ] ], "annotations": [ { "source": "e2e", "text": "The Cricketers is a cheap restaurant serving English food, located on the riverside, pretty close to the Caf\u00e9 Rouge. It's family friendly and customers rate it 5 out of 5." }, { "source": "e2e", "text": "On the riverside area near Caf\u00e9 Rouge you can visit cheap family friendly restaurant called The Cricketers that serves English food. Customer rated 5 out of 5." } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "restaurant" ], [ "The Cricketers", "food", "English" ], [ "The Cricketers", "priceRange", "cheap" ], [ "The Cricketers", "customer rating", "5 out of 5" ], [ "The Cricketers", "area", "riverside" ], [ "The Cricketers", "near", "Caf\u00e9 Rouge" ] ], "annotations": [ { "source": "e2e", "text": "There is a cheap restaurant that serves English food in the riverside area near Caf\u00e9 Rouge named The Cricketers. It was rated by customers 5 out of 5." }, { "source": "e2e", "text": "The Cricketers is a cheap, 5 out of 5 rated restaurant that is located in Riverside near Caf\u00e9 Rouge. It offers English food." }, { "source": "e2e", "text": "Located near Caf\u00e9 Rouge in Riverside, The Cricketers is a restaurant that offers English Food at a cheap price with a 5 out of 5 rating." }, { "source": "e2e", "text": "The Cricketers is an English style restaurant located on the riverside, right next to the Caf\u00e9 Rouge. Its English food is cheap and got 5 out of 5 rating." }, { "source": "e2e", "text": "The Cricketers is a restaurant providing English food and drink for cheap. It is located in riverside near Caf\u00e9 Rouge. Family are very welcome, previous customers have rated us 5 out of 5." } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "restaurant" ], [ "The Cricketers", "food", "English" ], [ "The Cricketers", "priceRange", "cheap" ], [ "The Cricketers", "customer rating", "average" ], [ "The Cricketers", "area", "city centre" ], [ "The Cricketers", "familyFriendly", "no" ], [ "The Cricketers", "near", "Caf\u00e9 Rouge" ] ], "annotations": [ { "source": "e2e", "text": "The Cricketers is a cheap, English restaurant near Caf\u00e9 Rouge in the city center. They are rated as average and not family-friendly." }, { "source": "e2e", "text": "Not for families, The Cricketers is a restaurant in the city centre near Caf\u00e9 Rouge where you can enjoy cheap English food with an average rating." }, { "source": "e2e", "text": "The Cricketers, is a restaurant that serves cheap English food and is not family-friendly. It is located in the city centre near Caf\u00e9 Rouge and has received an average customer rating." } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "restaurant" ], [ "The Cricketers", "food", "English" ], [ "The Cricketers", "priceRange", "cheap" ], [ "The Cricketers", "customer rating", "average" ], [ "The Cricketers", "area", "city centre" ], [ "The Cricketers", "familyFriendly", "yes" ], [ "The Cricketers", "near", "Caf\u00e9 Rouge" ] ], "annotations": [ { "source": "e2e", "text": "The Cricketers is a cheap restaurant located in the city centre near Caf\u00e9 Rouge. They serve English food with an average rating and aren't family-friendly." }, { "source": "e2e", "text": "The restaurant The Cricketers located in the city centre near Caf\u00e9 Rouge serves average quality English food very cheap but is family-friendly ." }, { "source": "e2e", "text": "The Cricketers, located in the city centre, is an English food and restaurant located near Caf\u00e9 Rouge. Customers have rated it as average, with a cheap price range, and the establishment is kid-friendly." } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "restaurant" ], [ "The Cricketers", "food", "English" ], [ "The Cricketers", "priceRange", "cheap" ], [ "The Cricketers", "customer rating", "average" ], [ "The Cricketers", "area", "riverside" ], [ "The Cricketers", "familyFriendly", "no" ], [ "The Cricketers", "near", "Caf\u00e9 Rouge" ] ], "annotations": [ { "source": "e2e", "text": "The Cricketers is a non-family-friendly English restaurant in Riverside near Caf\u00e9 Rouge with an average customer rating and has a cheap price range." } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "restaurant" ], [ "The Cricketers", "food", "English" ], [ "The Cricketers", "priceRange", "cheap" ], [ "The Cricketers", "customer rating", "average" ], [ "The Cricketers", "area", "riverside" ], [ "The Cricketers", "familyFriendly", "yes" ], [ "The Cricketers", "near", "Caf\u00e9 Rouge" ] ], "annotations": [ { "source": "e2e", "text": "The Cricketers restaurant near Caf\u00e9 Rouge in the area of the riverside serves English food although quite cheap it does not cater for children and has an average customer review." }, { "source": "e2e", "text": "The Cricketers is a cheap restaurant on the riverside. It serves English food and has an average customer rating. It is child friendly and can be found close to Caf\u00e9 Rouge." } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "restaurant" ], [ "The Cricketers", "food", "English" ], [ "The Cricketers", "priceRange", "cheap" ], [ "The Cricketers", "customer rating", "average" ], [ "The Cricketers", "area", "riverside" ], [ "The Cricketers", "near", "Caf\u00e9 Rouge" ] ], "annotations": [ { "source": "e2e", "text": "English food with an average customer review, near Caf\u00e9 Rouge is The Cricketers in the riverside. It is cheap but does not cater foe children in this restaurant." } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "restaurant" ], [ "The Cricketers", "food", "English" ], [ "The Cricketers", "priceRange", "cheap" ], [ "The Cricketers", "familyFriendly", "yes" ], [ "The Cricketers", "near", "Caf\u00e9 Rouge" ] ], "annotations": [ { "source": "e2e", "text": "The Cricketers is a restaurant in the affordable price bracket. It serves British food and is family friendly and can be found near Caf\u00e9 Rouge." } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "restaurant" ], [ "The Cricketers", "food", "English" ], [ "The Cricketers", "priceRange", "moderate" ], [ "The Cricketers", "customer rating", "average" ], [ "The Cricketers", "area", "riverside" ], [ "The Cricketers", "familyFriendly", "no" ], [ "The Cricketers", "near", "Caf\u00e9 Rouge" ] ], "annotations": [ { "source": "e2e", "text": "The Cricketers is a non-family-friendly English restaurant in Riverside near Caf\u00e9 Rouge with a cheap price range and has an average customer rating." } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "restaurant" ], [ "The Cricketers", "food", "English" ], [ "The Cricketers", "priceRange", "moderate" ], [ "The Cricketers", "customer rating", "average" ], [ "The Cricketers", "area", "riverside" ], [ "The Cricketers", "familyFriendly", "yes" ], [ "The Cricketers", "near", "Caf\u00e9 Rouge" ] ], "annotations": [ { "source": "e2e", "text": "The Cricketers is an English family friendly restaurant near Caf\u00e9 Rouge on the riverside. It has a cheap price range and average customer rating." }, { "source": "e2e", "text": "There is an English family friendly restaurant called The Cricketers on the riverside. It is near Caf\u00e9 Rouge. It has a cheap price range and average customer rating." } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "restaurant" ], [ "The Cricketers", "food", "English" ], [ "The Cricketers", "priceRange", "high" ], [ "The Cricketers", "area", "city centre" ], [ "The Cricketers", "familyFriendly", "no" ], [ "The Cricketers", "near", "Caf\u00e9 Rouge" ] ], "annotations": [ { "source": "e2e", "text": "The Cricketers is a English restaurant in the city center, near Caf\u00e9 Rouge. It is not children friendly, has a high price range, and is near Caf\u00e9 Rouge." } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "restaurant" ], [ "The Cricketers", "food", "English" ], [ "The Cricketers", "priceRange", "high" ], [ "The Cricketers", "customer rating", "1 out of 5" ], [ "The Cricketers", "area", "city centre" ], [ "The Cricketers", "familyFriendly", "no" ], [ "The Cricketers", "near", "Caf\u00e9 Rouge" ] ], "annotations": [ { "source": "e2e", "text": "The Cricketers is a not so Children Friendly English restaurant located in the city centre which has a high price range and customer rating of 1 out of 5 near Caf\u00e9 Rouge" }, { "source": "e2e", "text": "A high priced English restaurant, The Cricketers near the city centre's Caf\u00e9 Rouge had achieved a poor rating from its customers and isn't child friendly." }, { "source": "e2e", "text": "There is an English restaurant in the city centre located near Caf\u00e9 Rouge which has a high price range with a customer rating of 1 out of 5 and also not a Children Friendly named The Cricketers" }, { "source": "e2e", "text": "The Cricketers is a non children friendly English restaurant. It has a high price range, is in the city center near Caf\u00e9 Rouge, and has a customer rating of 1 out of 5." } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "restaurant" ], [ "The Cricketers", "food", "English" ], [ "The Cricketers", "priceRange", "high" ], [ "The Cricketers", "customer rating", "1 out of 5" ], [ "The Cricketers", "area", "city centre" ], [ "The Cricketers", "familyFriendly", "yes" ], [ "The Cricketers", "near", "Caf\u00e9 Rouge" ] ], "annotations": [ { "source": "e2e", "text": "The Cricketers, an English restaurant located near Caf\u00e9 Rouge in the city centre, offers food at high price range. Although it has a customer rating of 1 out of 5, it also is children friendly." }, { "source": "e2e", "text": "A restaurant located in the city centre near Caf\u00e9 Rouge is The Cricketers. English food and children friendly it has a high prices and customers have rated it 1 out of 5." }, { "source": "e2e", "text": "The Cricketers is a restaurant near Caf\u00e9 Rouge in the center of the city. It serves English food and is friendly for families. Prices are in the high range and customer ratings are low, 1 out of 5." }, { "source": "e2e", "text": "If you want to eat English food at a kid friendly place, go to The Cricketers near Caf\u00e9 Rouge in city centre. It is a restaurant with a rating of 1 out of 5 due to high prices." } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "restaurant" ], [ "The Cricketers", "food", "English" ], [ "The Cricketers", "priceRange", "high" ], [ "The Cricketers", "customer rating", "1 out of 5" ], [ "The Cricketers", "area", "riverside" ], [ "The Cricketers", "familyFriendly", "no" ], [ "The Cricketers", "near", "Caf\u00e9 Rouge" ] ], "annotations": [ { "source": "e2e", "text": "The Cricketers restaurant has a 1 out of 5 customer rating, where you can get English food. The restaurant is located near the Caf\u00e9 Rouge in the riverside area has a high price range and is not children friendly." }, { "source": "e2e", "text": "A restaurant called The Cricketers has a high price range. Located in riverside near Caf\u00e9 Rouge, the restaurant offers English food with a customer rating of 1 out of 5. It is not child friendly." }, { "source": "e2e", "text": "A restaurant located near Caf\u00e9 Rouge serving English food, called The Cricketers in the Riverside area has a 1 out of 5 customer rating. The price range is high and it is not children friendly." }, { "source": "e2e", "text": "The Cricketers near Caf\u00e9 Rouge in riverside has a 1 out of 5 customer rating. It is an English restaurant with a high price range that is not child friendly." } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "restaurant" ], [ "The Cricketers", "food", "English" ], [ "The Cricketers", "priceRange", "high" ], [ "The Cricketers", "customer rating", "1 out of 5" ], [ "The Cricketers", "area", "riverside" ], [ "The Cricketers", "familyFriendly", "yes" ], [ "The Cricketers", "near", "Caf\u00e9 Rouge" ] ], "annotations": [ { "source": "e2e", "text": "The Cricketers is a children friendly English restaurant with prices in the high range. They have a customer rating of 1 out of 5 and are in the riverside area near Caf\u00e9 Rouge." }, { "source": "e2e", "text": "The Cricketers is an English restaurant which is child friendly, has a high price range but has a customer rating of 1 out of 5. It is located by the riverside near a Caf\u00e9 Rouge." } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "restaurant" ], [ "The Cricketers", "food", "English" ], [ "The Cricketers", "priceRange", "high" ], [ "The Cricketers", "customer rating", "1 out of 5" ], [ "The Cricketers", "familyFriendly", "yes" ], [ "The Cricketers", "near", "Caf\u00e9 Rouge" ] ], "annotations": [ { "source": "e2e", "text": "The Cricketers restaurant is family friendly. Serving British food, expensive and only 1 star, but Caf\u00e9 Rouge is near by." } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "restaurant" ], [ "The Cricketers", "food", "English" ], [ "The Cricketers", "priceRange", "high" ], [ "The Cricketers", "customer rating", "1 out of 5" ], [ "The Cricketers", "near", "Caf\u00e9 Rouge" ] ], "annotations": [ { "source": "e2e", "text": "The Cricketers is an English restaurant near Caf\u00e9 Rouge with a high price range and 1 out of 5 customer rating." }, { "source": "e2e", "text": "There is an English restaurant near Caf\u00e9 Rouge called The Cricketers with a high price range and 1 out of 5 customer rating." } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "restaurant" ], [ "The Cricketers", "food", "English" ], [ "The Cricketers", "priceRange", "high" ], [ "The Cricketers", "customer rating", "average" ], [ "The Cricketers", "area", "city centre" ], [ "The Cricketers", "familyFriendly", "yes" ], [ "The Cricketers", "near", "Caf\u00e9 Rouge" ] ], "annotations": [ { "source": "e2e", "text": "The English restaurant 'The Cricketers', is located in the city center near Caf\u00e9 Rouge. It has average customer reviews with quite high prices. It is recommended for kids." } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "restaurant" ], [ "The Cricketers", "food", "English" ], [ "The Cricketers", "priceRange", "high" ], [ "The Cricketers", "customer rating", "average" ], [ "The Cricketers", "area", "city centre" ], [ "The Cricketers", "familyFriendly", "no" ], [ "The Cricketers", "near", "Caf\u00e9 Rouge" ] ], "annotations": [ { "source": "e2e", "text": "The Cricketers is a high priced English restaurant with an average rating thats based in the city centre near to Caf\u00e9 Rouge that isn't really children-friendly." }, { "source": "e2e", "text": "For a high priced English restaurant with an average rating that is based in the city centre near to Caf\u00e9 Rouge that isn't children-friendly then The Cricketers is the place to go" }, { "source": "e2e", "text": "The Cricketers is located in the city centre area near Caf\u00e9 Rouge. This high-priced restaurant serves English food with an average customer rating. This is not a family-friendly restaurant." }, { "source": "e2e", "text": "The Cricketers is a high priced English restaurant in city centre, near Caf\u00e9 Rouge. They have an average customer rating and are not child friendly." }, { "source": "e2e", "text": "In city centre, near Caf\u00e9 Rouge, there is a high priced English restaurant called The Cricketers. They are not child friendly and have an average customer rating." }, { "source": "e2e", "text": "The Cricketers is a high-priced restaurant located near the Caf\u00e9 Rouge in city centre. This average-rated restaurant is not for children. It serves English food." } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "restaurant" ], [ "The Cricketers", "food", "English" ], [ "The Cricketers", "priceRange", "high" ], [ "The Cricketers", "customer rating", "average" ], [ "The Cricketers", "area", "city centre" ], [ "The Cricketers", "familyFriendly", "yes" ], [ "The Cricketers", "near", "Caf\u00e9 Rouge" ] ], "annotations": [ { "source": "e2e", "text": "The Cricketers is an English restaurant in the city center near Caf\u00e9 Rouge. The prices are quite high for an averagely rated place but it is child-friendly." }, { "source": "e2e", "text": "A restaurant with English food is The Cricketers which is in the city centre near Caf\u00e9 Rouge. It is children-friendly , with an average customer rating, and is in the high price range." }, { "source": "e2e", "text": "A kid friendly restaurant named The Cricketers has opened near Caf\u00e9 Rouge in the city centre. They serve English food, have an average customer rating, and high prices." } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "restaurant" ], [ "The Cricketers", "food", "English" ], [ "The Cricketers", "priceRange", "high" ], [ "The Cricketers", "customer rating", "average" ], [ "The Cricketers", "area", "riverside" ], [ "The Cricketers", "familyFriendly", "no" ], [ "The Cricketers", "near", "Caf\u00e9 Rouge" ] ], "annotations": [ { "source": "e2e", "text": "The Cricketers is a non-children friendly English restaurant in Riverside near Caf\u00e9 Rouge with an average customer rating and has a high price range." }, { "source": "e2e", "text": "The Cricketers is near Caf\u00e9 Rouge in riverside. It serves expensive English food in a restaurant setting. It's not child friendly, but has average ratings." }, { "source": "e2e", "text": "The Cricketers is not children friendly, but if you are in riverside near Caf\u00e9 Rouge, it's an option for English food. It is an expensive restaurant with average ratings." } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "restaurant" ], [ "The Cricketers", "food", "English" ], [ "The Cricketers", "priceRange", "moderate" ], [ "The Cricketers", "customer rating", "average" ], [ "The Cricketers", "area", "city centre" ], [ "The Cricketers", "familyFriendly", "yes" ], [ "The Cricketers", "near", "Caf\u00e9 Rouge" ] ], "annotations": [ { "source": "e2e", "text": "The Cricketers, near Caf\u00e9 Rouge in the city centre, is a restaurant with English food. It is in the high price range and has an average customer rating. It is children-friendly." } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "restaurant" ], [ "The Cricketers", "food", "English" ], [ "The Cricketers", "priceRange", "moderate" ], [ "The Cricketers", "customer rating", "average" ], [ "The Cricketers", "area", "riverside" ], [ "The Cricketers", "familyFriendly", "no" ], [ "The Cricketers", "near", "Caf\u00e9 Rouge" ] ], "annotations": [ { "source": "e2e", "text": "The Cricketers is a non-children friendly English restaurant in Riverside near Caf\u00e9 Rouge with a high price range and an average customer rating." } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "restaurant" ], [ "The Cricketers", "food", "English" ], [ "The Cricketers", "priceRange", "less than \u00a320" ], [ "The Cricketers", "area", "city centre" ], [ "The Cricketers", "familyFriendly", "yes" ], [ "The Cricketers", "near", "All Bar One" ] ], "annotations": [ { "source": "e2e", "text": "The Cricketers restaurant is family friendly, priced less than 20 British Pounds, and located at city centre near All Bar One." } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "restaurant" ], [ "The Cricketers", "food", "English" ], [ "The Cricketers", "priceRange", "\u00a320-25" ], [ "The Cricketers", "customer rating", "high" ], [ "The Cricketers", "area", "riverside" ], [ "The Cricketers", "near", "All Bar One" ] ], "annotations": [ { "source": "e2e", "text": "The Cricketers restaurant providing English Food. It is located in riverside near All Bar One. Have \u00a320-25 price range and high costumer rating." } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "restaurant" ], [ "The Cricketers", "food", "English" ], [ "The Cricketers", "priceRange", "\u00a320-25" ], [ "The Cricketers", "area", "city centre" ], [ "The Cricketers", "familyFriendly", "no" ], [ "The Cricketers", "near", "All Bar One" ] ], "annotations": [ { "source": "e2e", "text": "The Cricketers is an English restaurant near All Bar One in the city centre with a price Range \u00a320-25 and is not kid friendly." }, { "source": "e2e", "text": "The Cricketers is an English restaurant near All Bar One in the city centre with a price Range \u00a320-25 and is not kid friendly." } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "restaurant" ], [ "The Cricketers", "food", "English" ], [ "The Cricketers", "priceRange", "\u00a320-25" ], [ "The Cricketers", "area", "riverside" ], [ "The Cricketers", "near", "All Bar One" ] ], "annotations": [ { "source": "e2e", "text": "The Cricketers restaurant providing English Food. It is located in riverside near All Bar One. Have \u00a320-25 price range." } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "restaurant" ], [ "The Cricketers", "food", "English" ], [ "The Cricketers", "priceRange", "\u00a320-25" ], [ "The Cricketers", "customer rating", "high" ], [ "The Cricketers", "area", "city centre" ], [ "The Cricketers", "familyFriendly", "no" ], [ "The Cricketers", "near", "All Bar One" ] ], "annotations": [ { "source": "e2e", "text": "The Cricketers is an English restaurant. It is located in the city centre near All Bar One. It has a high customer rating and the price range is from \u00a320-25. It is not kid friendly." }, { "source": "e2e", "text": "If you are looking for an English restaurant, I recommend The Cricketers located in the city centre near the All Bar One. Its customer rating is very high and has a price range of about 20 to 25 pounds. It is not kid friendly." }, { "source": "e2e", "text": "Located in the city centre near All Bar One, The Cricketers is an English restaurant with a high customer rating. It is not kid friendly but has a price range between \u00a320-25." } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "restaurant" ], [ "The Cricketers", "food", "English" ], [ "The Cricketers", "priceRange", "\u00a320-25" ], [ "The Cricketers", "customer rating", "high" ], [ "The Cricketers", "area", "city centre" ], [ "The Cricketers", "familyFriendly", "yes" ], [ "The Cricketers", "near", "All Bar One" ] ], "annotations": [ { "source": "e2e", "text": "The Cricketers is kid friendly and located near the All Bar One. It has a price range of \u00a320-25, serves English food and is in the city centre. It's a restaurant with a high customer rating." }, { "source": "e2e", "text": "In the city centre near All Bar One, there is a kids friendly restaurant serving English food called The Cricketers. It has a high customer rating and a price range of \u00a320-25." }, { "source": "e2e", "text": "The Cricketers is a kids friendly English restaurant in the city centre near All Bar One. It has a high customer rating and a price range of \u00a320-25." } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "restaurant" ], [ "The Cricketers", "food", "English" ], [ "The Cricketers", "priceRange", "\u00a320-25" ], [ "The Cricketers", "customer rating", "high" ], [ "The Cricketers", "area", "riverside" ], [ "The Cricketers", "familyFriendly", "no" ], [ "The Cricketers", "near", "All Bar One" ] ], "annotations": [ { "source": "e2e", "text": "The Cricketers is a restaurant located in the riverside area near All Bar One that features highly rated English food for 20-25 pounds and is not kid friendly." } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "restaurant" ], [ "The Cricketers", "food", "English" ], [ "The Cricketers", "priceRange", "\u00a320-25" ], [ "The Cricketers", "customer rating", "high" ], [ "The Cricketers", "area", "riverside" ], [ "The Cricketers", "familyFriendly", "yes" ], [ "The Cricketers", "near", "All Bar One" ] ], "annotations": [ { "source": "e2e", "text": "The Cricketers is an English restaurant located near All Bar One within the riverside area. It is highly rated with prices between \u00a320-25 and it is not conducive for kids." }, { "source": "e2e", "text": "Near All Bar One in the riverside area is an English restaurant called The Cricketers. They are not conducive for kids, but the prices are between \u00a320-25 and they highly rated." }, { "source": "e2e", "text": "The Cricketers is a kid friendly restaurant that serves English food near All Bar One in the riverside area. It has a price range of 20-25 pounds and is a highly rated restaurant." }, { "source": "e2e", "text": "The Cricketers is a restaurant near All Bar One. The price range is from 20 to 25 pounds with high customer ratings and is kid friendly. The food is English and is in the riverside area." }, { "source": "e2e", "text": "The Cricketers is a restaurant providing average-priced English food, it is located by the riverside, near All Bar One, kids-friendly and customer-rated high." }, { "source": "e2e", "text": "The English restaurant near All Bar One is called The Cricketers. It is kid friendly, with high customer ratings, in the riverside area. The price range is from 20 to 25 pounds." }, { "source": "e2e", "text": "The Cricketers is an average-priced restaurant, serving English food, it is located by the riverside near All Bar One, kids-friendly and high rated." }, { "source": "e2e", "text": "In riverside near All Bar One there is a English restaurant called The Cricketers with a price range of \u00a320-25, it has a high customer rating and is child friendly." } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "restaurant" ], [ "The Cricketers", "food", "Italian" ], [ "The Cricketers", "customer rating", "1 out of 5" ], [ "The Cricketers", "area", "city centre" ], [ "The Cricketers", "familyFriendly", "yes" ], [ "The Cricketers", "near", "Caf\u00e9 Rouge" ] ], "annotations": [ { "source": "e2e", "text": "Located near Caf\u00e9 Rouge in the city centre, The Cricketers serves Italian food and acts as a restaurant. With a customer rating of 1 out of 5, it also is very children friendly." } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "restaurant" ], [ "The Cricketers", "near", "Avalon" ] ], "annotations": [ { "source": "e2e", "text": "The Cricketers is a beautiful restaurant providing Fun for the Whole Family Our Prices Will Blow You Away. It is located in the city at 130 southpawn road right across from the Avalon." } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "restaurant" ], [ "The Cricketers", "near", "Caf\u00e9 Rouge" ] ], "annotations": [ { "source": "e2e", "text": "The Cricketers is a high end restaurant located at the end of the city beside Caf\u00e9 Rouge." } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "restaurant" ], [ "The Cricketers", "near", "Caf\u00e9 Sicilia" ] ], "annotations": [ { "source": "e2e", "text": "The Cricketers is a great youngster welcoming restaurant located by Caf\u00e9 Sicilia." } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "restaurant" ], [ "The Cricketers", "near", "Express by Holiday Inn" ] ], "annotations": [ { "source": "e2e", "text": "Located near Express by Holiday Inn, The Cricketers, is an overly priced restaurant that the whole family will enjoy." }, { "source": "e2e", "text": "The Cricketers restaurant near Express by Holiday Inn is a high end experience for the entire family." }, { "source": "e2e", "text": "The Cricketers is a restaurant, located across from Express by Holiday Inn." }, { "source": "e2e", "text": "The Cricketers restaurant is located near the Express by Holiday Inn" }, { "source": "e2e", "text": "The Express by Holiday Inn is located by The Cricketers restaurant" } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "restaurant" ], [ "The Cricketers", "priceRange", "cheap" ], [ "The Cricketers", "customer rating", "average" ], [ "The Cricketers", "near", "Caf\u00e9 Rouge" ] ], "annotations": [ { "source": "e2e", "text": "A cheap restaurant and family restaurant called The Cricketers is near Caf\u00e9 Rouge and it has good reviews." } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "restaurant" ], [ "The Cricketers", "priceRange", "cheap" ], [ "The Cricketers", "familyFriendly", "yes" ], [ "The Cricketers", "near", "Caf\u00e9 Rouge" ] ], "annotations": [ { "source": "e2e", "text": "Family friendly and inexpensive restaurant The Cricketers, is near to the river and Caf\u00e9 Rouge." } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "restaurant" ], [ "The Cricketers", "priceRange", "cheap" ], [ "The Cricketers", "near", "Caf\u00e9 Rouge" ] ], "annotations": [ { "source": "e2e", "text": "The Cricketers is an inexpensive restaurant and family restaurant with decent reviews located near Caf\u00e9 Rouge." } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "restaurant" ], [ "The Cricketers", "priceRange", "moderate" ], [ "The Cricketers", "customer rating", "average" ], [ "The Cricketers", "area", "riverside" ], [ "The Cricketers", "familyFriendly", "yes" ], [ "The Cricketers", "near", "Caf\u00e9 Rouge" ] ], "annotations": [ { "source": "e2e", "text": "The Cricketers is a family friendly restaurant near Caf\u00e9 Rouge by the riverside in the City centre with a low price range and an average customer rating." }, { "source": "e2e", "text": "With a low price range and an average customer rating, The Cricketers is a family friendly restaurant near Caf\u00e9 Rouge by the riverside in the City centre." } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "restaurant" ], [ "The Cricketers", "priceRange", "high" ], [ "The Cricketers", "near", "Caf\u00e9 Rouge" ] ], "annotations": [ { "source": "e2e", "text": "Beside the Caf\u00e9 Rouge at the end of the city is a high priced restaurant called The Cricketers." }, { "source": "e2e", "text": "The Cricketers is a high priced family restaurant located near Caf\u00e9 Rouge and the river." } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "restaurant" ], [ "The Cricketers", "priceRange", "moderate" ], [ "The Cricketers", "customer rating", "average" ], [ "The Cricketers", "near", "All Bar One" ] ], "annotations": [ { "source": "e2e", "text": "The Cricketers restaurant near All Bar One has a high price range and an average customer rating." } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "restaurant" ], [ "The Cricketers", "priceRange", "less than \u00a320" ], [ "The Cricketers", "customer rating", "low" ], [ "The Cricketers", "area", "riverside" ], [ "The Cricketers", "familyFriendly", "no" ], [ "The Cricketers", "near", "All Bar One" ] ], "annotations": [ { "source": "e2e", "text": "There is a restaurant The Cricketers located at the riverside, near All Bar One which has a price range less than 20 pounds. The customer rating is low and it is not family friendly." } ] }, { "tripleset": [ [ "The Cricketers", "eatType", "restaurant" ], [ "The Cricketers", "priceRange", "less than \u00a320" ], [ "The Cricketers", "near", "All Bar One" ] ], "annotations": [ { "source": "e2e", "text": "The Cricketers is a restaurant providing take-away deliveries in the low price range. It is located near All Bar One" } ] }, { "tripleset": [ [ "The Cricketers", "familyFriendly", "yes" ], [ "The Cricketers", "near", "Caf\u00e9 Sicilia" ] ], "annotations": [ { "source": "e2e", "text": "The Cricketers comes customer approved, they are located near Caf\u00e9 Sicilia and offer family friendly dining." }, { "source": "e2e", "text": "The Cricketers comes customer approved, they are located near Caf\u00e9 Sicilia and offer family friendly dining." } ] }, { "tripleset": [ [ "The Cricketers", "familyFriendly", "yes" ], [ "The Cricketers", "near", "Crowne Plaza Hotel" ] ], "annotations": [ { "source": "e2e", "text": "The Cricketers is a family-Friendly 5 out 5 rating store near the Crowne Plaza Hotel" }, { "source": "e2e", "text": "The Cricketers is a family-Friendly 5 out 5 rating store near the Crowne Plaza Hotel" } ] }, { "tripleset": [ [ "The Cricketers", "food", "Chinese" ], [ "The Cricketers", "familyFriendly", "yes" ], [ "The Cricketers", "near", "All Bar One" ] ], "annotations": [ { "source": "e2e", "text": "Delicious Chinese food offered at The Cricketers is located center. City next to All Bar One. Offering up delicious cuisine in the upper range price, The Cricketers is child friendly. Rated a 1 out of 5 rating, this place will please even the pickiest eaters." } ] }, { "tripleset": [ [ "The Cricketers", "food", "Chinese" ], [ "The Cricketers", "priceRange", "cheap" ], [ "The Cricketers", "customer rating", "5 out of 5" ], [ "The Cricketers", "area", "city centre" ], [ "The Cricketers", "familyFriendly", "yes" ], [ "The Cricketers", "near", "All Bar One" ] ], "annotations": [ { "source": "e2e", "text": "Located in the city centre near All Bar One and rated 5 out of 5, family friendly The Cricketers serves Chinese food for cheap." } ] }, { "tripleset": [ [ "The Cricketers", "food", "Chinese" ], [ "The Cricketers", "priceRange", "moderate" ], [ "The Cricketers", "customer rating", "1 out of 5" ], [ "The Cricketers", "area", "city centre" ], [ "The Cricketers", "familyFriendly", "no" ], [ "The Cricketers", "near", "All Bar One" ] ], "annotations": [ { "source": "e2e", "text": "For moderately priced Chinese food, there is The Cricketers. It is located in the city centre near the All Bar One. Their customer rating is 1 out of 5 and it is not child friendly." } ] }, { "tripleset": [ [ "The Cricketers", "food", "English" ], [ "The Cricketers", "customer rating", "5 out of 5" ], [ "The Cricketers", "area", "riverside" ], [ "The Cricketers", "familyFriendly", "no" ], [ "The Cricketers", "near", "Caf\u00e9 Rouge" ] ], "annotations": [ { "source": "e2e", "text": "For a low cost eatery serving English food, The Cricketers is rated 5 out of 5 by past customers. It is located on the riverside close to Caf\u00e9 Rouge. It is not family-friendly." }, { "source": "e2e", "text": "The Cricketers serves low cost English style food. It can be found on the riverside near Caf\u00e9 Rouge. While they are not family-friendly it has received 5 out of 5 in customer reviews." } ] }, { "tripleset": [ [ "The Cricketers", "food", "English" ], [ "The Cricketers", "priceRange", "cheap" ], [ "The Cricketers", "area", "city centre" ], [ "The Cricketers", "familyFriendly", "no" ], [ "The Cricketers", "near", "Caf\u00e9 Rouge" ] ], "annotations": [ { "source": "e2e", "text": "Welcome to the The Cricketers. We are not children friendly. Our food is English, and we are located on the city centre near Caf\u00e9 Rouge. Our price range is cheap." }, { "source": "e2e", "text": "Welcome to the The Cricketers. We are not children friendly. Our food is English, and we are located on the city centre near Caf\u00e9 Rouge. Our price range is cheap." } ] }, { "tripleset": [ [ "The Cricketers", "food", "English" ], [ "The Cricketers", "priceRange", "cheap" ], [ "The Cricketers", "customer rating", "5 out of 5" ], [ "The Cricketers", "area", "riverside" ], [ "The Cricketers", "familyFriendly", "yes" ], [ "The Cricketers", "near", "Caf\u00e9 Rouge" ] ], "annotations": [ { "source": "e2e", "text": "The Cricketers serves English food in riverside area near Caf\u00e9 Rouge. It is cheap family friendly place Customer rated 5 out of 5." } ] }, { "tripleset": [ [ "The Mill", "area", "city centre" ], [ "The Mill", "near", "Caf\u00e9 Rouge" ] ], "annotations": [ { "source": "e2e", "text": "The Mill is in the Northern City Centre, on the South side of the River, near Caf\u00e9 Rouge." } ] }, { "tripleset": [ [ "The Mill", "eatType", "restaurant" ], [ "The Mill", "food", "Fast food" ], [ "The Mill", "priceRange", "cheap" ], [ "The Mill", "customer rating", "5 out of 5" ], [ "The Mill", "familyFriendly", "yes" ], [ "The Mill", "near", "Caf\u00e9 Sicilia" ] ], "annotations": [ { "source": "e2e", "text": "The Mill is a family-friendly fast food restaurant near Caf\u00e9 Sicilia. It serves coffee, price range is cheap and has a high customer rating." } ] }, { "tripleset": [ [ "The Mill", "eatType", "coffee shop" ], [ "The Mill", "food", "Fast food" ], [ "The Mill", "priceRange", "moderate" ], [ "The Mill", "customer rating", "average" ], [ "The Mill", "area", "riverside" ], [ "The Mill", "familyFriendly", "yes" ], [ "The Mill", "near", "Caf\u00e9 Sicilia" ] ], "annotations": [ { "source": "e2e", "text": "The Mill is a family friendly Fast food serving coffee ship with cheap price range and an average customer rating. It is located in Riverside near Caf\u00e9 Sicilia." } ] }, { "tripleset": [ [ "The Mill", "eatType", "coffee shop" ], [ "The Mill", "food", "Fast food" ], [ "The Mill", "priceRange", "high" ], [ "The Mill", "area", "city centre" ], [ "The Mill", "near", "Caf\u00e9 Sicilia" ] ], "annotations": [ { "source": "e2e", "text": "The Mill near Caf\u00e9 Sicilia in city centre serves coffee and fast food with a high price range and is aimed towards adults." } ] }, { "tripleset": [ [ "The Mill", "eatType", "coffee shop" ], [ "The Mill", "food", "Fast food" ], [ "The Mill", "priceRange", "high" ], [ "The Mill", "customer rating", "average" ], [ "The Mill", "area", "city centre" ], [ "The Mill", "familyFriendly", "no" ], [ "The Mill", "near", "Caf\u00e9 Sicilia" ] ], "annotations": [ { "source": "e2e", "text": "The Mill in city centre has an average rating and serves coffee and fast food with a high price range near Caf\u00e9 Sicilia and is not child friendly." } ] }, { "tripleset": [ [ "The Mill", "eatType", "coffee shop" ], [ "The Mill", "food", "Fast food" ], [ "The Mill", "priceRange", "\u00a320-25" ], [ "The Mill", "customer rating", "high" ], [ "The Mill", "area", "city centre" ], [ "The Mill", "familyFriendly", "no" ], [ "The Mill", "near", "Caf\u00e9 Rouge" ] ], "annotations": [ { "source": "e2e", "text": "If you're looking for Fast food, Caf\u00e9 Rouge is the place to go. Ranging to about \u00a320-25 near the city centre with a high customer rating, Caf\u00e9 Rouge is near The Mill coffee ship, but is not kid friendly." } ] }, { "tripleset": [ [ "The Mill", "eatType", "coffee shop" ], [ "The Mill", "food", "Fast food" ], [ "The Mill", "priceRange", "\u00a320-25" ], [ "The Mill", "customer rating", "high" ], [ "The Mill", "area", "city centre" ], [ "The Mill", "familyFriendly", "yes" ], [ "The Mill", "near", "Caf\u00e9 Rouge" ] ], "annotations": [ { "source": "e2e", "text": "The Mill is a kid friendly coffee with a high customer rating that serves fast food at a price range of \u00a320-25, located near Caf\u00e9 Rouge in the city centre." } ] }, { "tripleset": [ [ "The Mill", "eatType", "coffee shop" ], [ "The Mill", "priceRange", "high" ], [ "The Mill", "customer rating", "1 out of 5" ], [ "The Mill", "area", "city centre" ], [ "The Mill", "familyFriendly", "yes" ], [ "The Mill", "near", "Caf\u00e9 Sicilia" ] ], "annotations": [ { "source": "e2e", "text": "In the city centre, there is a coffee-shop called The Mill. It offers a children friendly fast-food alternative to nearby Caf\u00e9 Sicilia. However, it falls within a high price range, and is only rated 1 out of 5 from customers." } ] }, { "tripleset": [ [ "The Mill", "eatType", "coffee shop" ], [ "The Mill", "priceRange", "high" ], [ "The Mill", "customer rating", "1 out of 5" ], [ "The Mill", "area", "riverside" ], [ "The Mill", "near", "Caf\u00e9 Sicilia" ] ], "annotations": [ { "source": "e2e", "text": "Leave the kids at home, while you quickly feed your needs at The Mill. This 1 out of 5 establishment is near Caf\u00e9 Sicilia in riverside and is also very expensive coffee." }, { "source": "e2e", "text": "Leave the kids at home, while you quickly feed your needs at The Mill. This 1 out of 5 establishment is near Caf\u00e9 Sicilia in riverside and is also very expensive coffee." } ] }, { "tripleset": [ [ "The Mill", "eatType", "pub" ], [ "The Mill", "area", "city centre" ], [ "The Mill", "familyFriendly", "yes" ], [ "The Mill", "near", "Caf\u00e9 Sicilia" ] ], "annotations": [ { "source": "e2e", "text": "The Mill, located near the Caf\u00e9 Sicilia, is an upscale, family-friendly pub offering tasty burgers and fries. It is several blocks from the city center." }, { "source": "e2e", "text": "The Mill is an upscale pub offering tasty fried fare, and is located several blocks from the city center. It is family friendly, although on the pricey side. It is located near the Caf\u00e9 Sicilia." } ] }, { "tripleset": [ [ "The Mill", "eatType", "pub" ], [ "The Mill", "area", "riverside" ], [ "The Mill", "familyFriendly", "yes" ], [ "The Mill", "near", "Caf\u00e9 Sicilia" ] ], "annotations": [ { "source": "e2e", "text": "The Mill is an amazing low-cost, family friendly pub that serves food fast. It is located near the Caf\u00e9 Sicilia by the river." } ] }, { "tripleset": [ [ "The Mill", "eatType", "pub" ], [ "The Mill", "area", "riverside" ], [ "The Mill", "familyFriendly", "yes" ], [ "The Mill", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "There is a pub on the river called The Mill located near Raja Indian Cuisine. It is family friendly and mid price ranged." } ] }, { "tripleset": [ [ "The Mill", "eatType", "pub" ], [ "The Mill", "area", "riverside" ], [ "The Mill", "near", "Caf\u00e9 Sicilia" ] ], "annotations": [ { "source": "e2e", "text": "The Mill is a pub located in the area of riverside, near of Caf\u00e9 Sicilia." }, { "source": "e2e", "text": "The Mill is a pub, located in the area of riverside, near The Caf\u00e9 Sicilia." }, { "source": "e2e", "text": "The Mill is a pub, located in the area of riverside, near The Caf\u00e9 Sicilia." } ] }, { "tripleset": [ [ "The Mill", "eatType", "pub" ], [ "The Mill", "area", "riverside" ], [ "The Mill", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "There is a pub near Raja Indian Cuisine in riverside called The Mill" } ] }, { "tripleset": [ [ "The Mill", "eatType", "pub" ], [ "The Mill", "customer rating", "1 out of 5" ], [ "The Mill", "familyFriendly", "yes" ], [ "The Mill", "near", "Caf\u00e9 Sicilia" ] ], "annotations": [ { "source": "e2e", "text": "Near Caf\u00e9 Sicilia is a 1 star medium priced pub for families called The Mill." } ] }, { "tripleset": [ [ "The Mill", "eatType", "pub" ], [ "The Mill", "customer rating", "5 out of 5" ], [ "The Mill", "area", "city centre" ], [ "The Mill", "familyFriendly", "yes" ], [ "The Mill", "near", "Caf\u00e9 Sicilia" ] ], "annotations": [ { "source": "e2e", "text": "If you are looking for a high quality, family-friendly dining experience in the heart of city centre, The Mill is for you. This pub i near Caf\u00e9 Sicilia and serves fast-food like it's gourmet." } ] }, { "tripleset": [ [ "The Mill", "eatType", "pub" ], [ "The Mill", "customer rating", "5 out of 5" ], [ "The Mill", "area", "riverside" ], [ "The Mill", "near", "Caf\u00e9 Sicilia" ] ], "annotations": [ { "source": "e2e", "text": "The Mill pub offers excellent value for money and an excellent service backed up by its 5 out of 5 customer ratings. Located in Riverside next to Caf\u00e9 Sicilia its ideal for those wanting a quick bite to eat." } ] }, { "tripleset": [ [ "The Mill", "eatType", "pub" ], [ "The Mill", "customer rating", "average" ], [ "The Mill", "familyFriendly", "yes" ], [ "The Mill", "near", "Caf\u00e9 Sicilia" ] ], "annotations": [ { "source": "e2e", "text": "The Mill is a family friendly pub located near Caf\u00e9 Sicilia. It has 3 stars." } ] }, { "tripleset": [ [ "The Mill", "eatType", "pub" ], [ "The Mill", "customer rating", "high" ], [ "The Mill", "area", "riverside" ], [ "The Mill", "familyFriendly", "yes" ], [ "The Mill", "near", "Caf\u00e9 Sicilia" ] ], "annotations": [ { "source": "e2e", "text": "The Mill, a pub that serves decent priced burgers and fries is rated five stars, family friendly, and located next to Caf\u00e9 Sicilia on the river in City centre." } ] }, { "tripleset": [ [ "The Mill", "eatType", "restaurant" ], [ "The Mill", "customer rating", "high" ], [ "The Mill", "near", "Caf\u00e9 Rouge" ] ], "annotations": [ { "source": "e2e", "text": "The Mill pub is a medium-priced restaurant that is a pub too. It has a excellent rating and is for the whole family. It's located besides from Caf\u00e9 Rouge" } ] }, { "tripleset": [ [ "The Mill", "eatType", "restaurant" ], [ "The Mill", "food", "Fast food" ], [ "The Mill", "area", "riverside" ], [ "The Mill", "familyFriendly", "yes" ], [ "The Mill", "near", "Caf\u00e9 Sicilia" ] ], "annotations": [ { "source": "e2e", "text": "Near Caf\u00e9 Sicilia by the riverside is a kid friendly pub and fast food restaurant named The Mill." } ] }, { "tripleset": [ [ "The Mill", "eatType", "restaurant" ], [ "The Mill", "food", "Fast food" ], [ "The Mill", "customer rating", "1 out of 5" ], [ "The Mill", "familyFriendly", "yes" ], [ "The Mill", "near", "Caf\u00e9 Sicilia" ] ], "annotations": [ { "source": "e2e", "text": "The Mill is a kid friendly pub and fast food restaurant near Caf\u00e9 Sicilia with a low customer rating." } ] }, { "tripleset": [ [ "The Mill", "eatType", "restaurant" ], [ "The Mill", "food", "Fast food" ], [ "The Mill", "priceRange", "cheap" ], [ "The Mill", "customer rating", "5 out of 5" ], [ "The Mill", "area", "city centre" ], [ "The Mill", "familyFriendly", "yes" ], [ "The Mill", "near", "Caf\u00e9 Sicilia" ] ], "annotations": [ { "source": "e2e", "text": "The Mill is a low-priced, family-friendly, Fast food restaurant and pub with a great customer rating of 5 out of 5. It is located near Caf\u00e9 Sicilia in the city centre." } ] }, { "tripleset": [ [ "The Mill", "eatType", "restaurant" ], [ "The Mill", "food", "Fast food" ], [ "The Mill", "priceRange", "cheap" ], [ "The Mill", "customer rating", "5 out of 5" ], [ "The Mill", "area", "riverside" ], [ "The Mill", "near", "Caf\u00e9 Sicilia" ] ], "annotations": [ { "source": "e2e", "text": "Located near Caf\u00e9 Sicilia in Riverside, The Mill is a pub that is highly rated by customers. Welcoming customers of all ages and keeping prices low, this fast food restaurant is worth the visit." } ] }, { "tripleset": [ [ "The Mill", "eatType", "restaurant" ], [ "The Mill", "food", "Fast food" ], [ "The Mill", "priceRange", "less than \u00a320" ], [ "The Mill", "customer rating", "low" ], [ "The Mill", "area", "riverside" ], [ "The Mill", "familyFriendly", "yes" ], [ "The Mill", "near", "Caf\u00e9 Sicilia" ] ], "annotations": [ { "source": "e2e", "text": "The Mill is a family-friendly but low-rated pub with price ranges of less than \u00a320. It is located by the riverside, near the fast food restaurant Caf\u00e9 Sicilia." } ] }, { "tripleset": [ [ "The Mill", "eatType", "restaurant" ], [ "The Mill", "food", "Fast food" ], [ "The Mill", "priceRange", "moderate" ], [ "The Mill", "customer rating", "1 out of 5" ], [ "The Mill", "area", "riverside" ], [ "The Mill", "near", "Caf\u00e9 Sicilia" ] ], "annotations": [ { "source": "e2e", "text": "The Mill pub is near the Fast food restaurant, Caf\u00e9 Sicilia. With a customer rating of 1 out of 5 and a location on the riverside, their moderately priced food can't be beat." } ] }, { "tripleset": [ [ "The Mill", "eatType", "restaurant" ], [ "The Mill", "food", "Fast food" ], [ "The Mill", "priceRange", "\u00a320-25" ], [ "The Mill", "customer rating", "high" ], [ "The Mill", "area", "city centre" ], [ "The Mill", "familyFriendly", "no" ], [ "The Mill", "near", "Caf\u00e9 Rouge" ] ], "annotations": [ { "source": "e2e", "text": "Caf\u00e9 Rouge is a Fast food restaurant with menus ranging around \u00a320-25 near the city centre. It has a high customer rating with a pub named The Mill, but no, it is not kid friendly." } ] }, { "tripleset": [ [ "The Mill", "eatType", "restaurant" ], [ "The Mill", "food", "Fast food" ], [ "The Mill", "priceRange", "\u00a320-25" ], [ "The Mill", "customer rating", "high" ], [ "The Mill", "area", "city centre" ], [ "The Mill", "familyFriendly", "yes" ], [ "The Mill", "near", "Caf\u00e9 Rouge" ] ], "annotations": [ { "source": "e2e", "text": "The Mill is a fast food restaurant located near Caf\u00e9 Rouge in city centre. It is a high rated, kid friendly pub with a price range \u00a320-25." } ] }, { "tripleset": [ [ "The Mill", "eatType", "restaurant" ], [ "The Mill", "food", "Fast food" ], [ "The Mill", "priceRange", "\u00a320-25" ], [ "The Mill", "customer rating", "high" ], [ "The Mill", "area", "riverside" ], [ "The Mill", "familyFriendly", "yes" ], [ "The Mill", "near", "Caf\u00e9 Rouge" ] ], "annotations": [ { "source": "e2e", "text": "The Mill, located near Caf\u00e9 Rouge, is a fast food restaurant in the \u00a320-25 price range - it is a kid friendly pub with a high customer rating in the Riverside region of the city." } ] }, { "tripleset": [ [ "The Mill", "eatType", "restaurant" ], [ "The Mill", "food", "Fast food" ], [ "The Mill", "priceRange", "\u00a320-25" ], [ "The Mill", "customer rating", "high" ], [ "The Mill", "familyFriendly", "yes" ], [ "The Mill", "near", "Caf\u00e9 Rouge" ] ], "annotations": [ { "source": "e2e", "text": "Located near Caf\u00e9 Rouge, the kid friendly, highly rated pub, The Mill is kid friendly restaurant that also serves fast food with a price range \u00a320-25." } ] }, { "tripleset": [ [ "The Mill", "eatType", "restaurant" ], [ "The Mill", "near", "Caf\u00e9 Rouge" ] ], "annotations": [ { "source": "e2e", "text": "The Mill pub is a restaurant providing take-away deliveries in the medium price range. It's located besides Caf\u00e9 Rouge has goddess rating and is for the whole family" } ] }, { "tripleset": [ [ "The Mill", "eatType", "pub" ], [ "The Mill", "familyFriendly", "yes" ], [ "The Mill", "near", "Caf\u00e9 Sicilia" ] ], "annotations": [ { "source": "e2e", "text": "The Mill is a pub providing food in the low range price. It is family friendly and is located near Caf\u00e9 Sicilia." }, { "source": "e2e", "text": "The Mill pub has a good offer on soft drinks, potato fries and burgers. The quality is all right for the money and it is a family friendly local, nearby Caf\u00e9 Sicilia." }, { "source": "e2e", "text": "The Mill is a high cost family friendly pub located near Caf\u00e9 Sicilia." } ] }, { "tripleset": [ [ "The Mill", "eatType", "pub" ], [ "The Mill", "familyFriendly", "yes" ], [ "The Mill", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Mill is a family friendly mid price range pub located near Raja Indian Cuisine." } ] }, { "tripleset": [ [ "The Mill", "eatType", "pub" ], [ "The Mill", "food", "English" ], [ "The Mill", "area", "riverside" ], [ "The Mill", "familyFriendly", "yes" ], [ "The Mill", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "Near Raja Indian Cuisine by riverside there is an English pub called The Mill. It has prices lower than \u00a320 and is family friendly." }, { "source": "e2e", "text": "The Mill is a family friendly pub with prices less that \u00a320. This English pub is located by riverside near Raja Indian Cuisine." } ] }, { "tripleset": [ [ "The Mill", "eatType", "pub" ], [ "The Mill", "food", "English" ], [ "The Mill", "familyFriendly", "no" ], [ "The Mill", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Mill is a Luton based adults only pub, sited near Raja Indian Cuisine serving English food in the mid range bracket." } ] }, { "tripleset": [ [ "The Mill", "eatType", "pub" ], [ "The Mill", "food", "English" ], [ "The Mill", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "A family pub in the mid price range called The Mill can be found by a river near Raja Indian Cuisine. The Mill serves British cuisine." }, { "source": "e2e", "text": "You can enjoy British cuisine at The Mill, a family pub in the mid-price range by a river and near Raja Indian Cuisine." } ] }, { "tripleset": [ [ "The Mill", "eatType", "pub" ], [ "The Mill", "food", "English" ], [ "The Mill", "priceRange", "high" ], [ "The Mill", "area", "riverside" ], [ "The Mill", "familyFriendly", "yes" ], [ "The Mill", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Mill is a child friendly pub near to Raja Indian Cuisine in the riverside area. They serve English food. The price range is high" }, { "source": "e2e", "text": "The Mill is a pub near Raja Indian Cuisine and offers English food and is child friendly. It is in riverside and is expensive." }, { "source": "e2e", "text": "The Mill is a pub near to Raja Indian Cuisine which resides in the riverside are. It's child friendly and serves English food. The price range is high" }, { "source": "e2e", "text": "There is an English pub name The Mill in the riverside area. It is near Raja Indian Cuisine, it is expensive, and it is children friendly." }, { "source": "e2e", "text": "There is an expensive child friendly pub in riverside called The Mill that offers English food and it's near Raja Indian Cuisine." }, { "source": "e2e", "text": "There is a children friendly English pub in the riverside area. It is high price range. It is called The Mill, and is located near Raja Indian Cuisine." }, { "source": "e2e", "text": "The Mill is a high priced pub, that offers English food and is kid friendly. It is located in the riverside area, near Raja Indian Cuisine." } ] }, { "tripleset": [ [ "The Mill", "eatType", "pub" ], [ "The Mill", "food", "English" ], [ "The Mill", "priceRange", "high" ], [ "The Mill", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Mill' is a pub that serves expensive British food . It is located near Raja Indian Cuisine." } ] }, { "tripleset": [ [ "The Mill", "eatType", "pub" ], [ "The Mill", "food", "English" ], [ "The Mill", "priceRange", "less than \u00a320" ], [ "The Mill", "area", "city centre" ], [ "The Mill", "familyFriendly", "no" ], [ "The Mill", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Mill is a low price pub offering traditional English food near Raja Indian Cuisine in the city center. It's not family-friendly." } ] }, { "tripleset": [ [ "The Mill", "eatType", "pub" ], [ "The Mill", "food", "English" ], [ "The Mill", "priceRange", "less than \u00a320" ], [ "The Mill", "area", "city centre" ], [ "The Mill", "familyFriendly", "yes" ], [ "The Mill", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Mill, a family-friendly pub offers English food at affordable prices. The Mill is located in the city centre near Raja Indian Cuisine." }, { "source": "e2e", "text": "There is a family-friendly pub called The Mill in the city centre near Raja Indian Cuisine. It serves English food in low price range." }, { "source": "e2e", "text": "The Mill is near Raja Indian Cuisine in the city centre area. It is family-friendly and has a price range of less than \u00a320. It serves English food and is a pub." }, { "source": "e2e", "text": "The Mill is a cheap, family-friendly, pub serving English food. They are near to Raja Indian Cuisine in the city centre." }, { "source": "e2e", "text": "The Mill is an English pub near Raja Indian Cuisine in the city centre. It sells things for less than \u00a320 and is family-friendly." }, { "source": "e2e", "text": "The Mill is a cheap English pub. It is in the city centre near Raja Indian Cuisine. It is family-friendly." } ] }, { "tripleset": [ [ "The Mill", "eatType", "pub" ], [ "The Mill", "food", "English" ], [ "The Mill", "priceRange", "less than \u00a320" ], [ "The Mill", "area", "city centre" ], [ "The Mill", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "If you want some traditional English food and are in the city center near Raja Indian Cuisine, check out The Mill pub for cheap eats - just don't bring your kids." } ] }, { "tripleset": [ [ "The Mill", "eatType", "pub" ], [ "The Mill", "food", "English" ], [ "The Mill", "priceRange", "less than \u00a320" ], [ "The Mill", "area", "riverside" ], [ "The Mill", "familyFriendly", "no" ], [ "The Mill", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Mill' is a pub located on the riverside, near 'Raja Indian Cuisine'. They serve English food and a price range of less than \u00a320, and are not family-friendly." }, { "source": "e2e", "text": "there is a adults only cheap pub The Mill serving English food located in the riverside area near Raja Indian Cuisine" }, { "source": "e2e", "text": "A cheap English pub in the riverside area near Raja Indian Cuisine is called The Mill. It isn't family-friendly." }, { "source": "e2e", "text": "there is a cheap pub The Mill serving English food located in the riverside area near Raja Indian Cuisine adults only" }, { "source": "e2e", "text": "The Mill is a cheap English pub in the riverside area near Raja Indian Cuisine. It isn't family-friendly." }, { "source": "e2e", "text": "The pub 'The Mill' is located on the riverside, near 'Raja Indian Cuisine'. They serve English food and a price range of less than \u00a320, and are not family-friendly." } ] }, { "tripleset": [ [ "The Mill", "eatType", "pub" ], [ "The Mill", "food", "English" ], [ "The Mill", "priceRange", "less than \u00a320" ], [ "The Mill", "area", "riverside" ], [ "The Mill", "familyFriendly", "yes" ], [ "The Mill", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "There is an inexpensive and family friendly pub serving English fare near Raja Indian Cuisine in riverside called The Mill." }, { "source": "e2e", "text": "The Mill pub offers a family friendly environment with a price range of less than \u00a320. We offer English food near Raja Indian Cuisine in the riverside area." }, { "source": "e2e", "text": "For under \u00a320 you can eat at The Mill in riverside. It's a family friendly pub near Raja Indian Cuisine that serves English cuisine." }, { "source": "e2e", "text": "Come to the riverside area near Raja Indian Cuisine and enjoy our pub here at The Mill. We are family friendly, feature English food and have a price range of less than \u00a320." } ] }, { "tripleset": [ [ "The Mill", "eatType", "pub" ], [ "The Mill", "food", "English" ], [ "The Mill", "priceRange", "moderate" ], [ "The Mill", "area", "city centre" ], [ "The Mill", "familyFriendly", "yes" ], [ "The Mill", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Mill, Is a pub and is family-friendly, cheap and reasonable priced is very good for the family , We provide full English food. Located near Raja Indian Cuisine In the city centre." }, { "source": "e2e", "text": "The Mill, Is a pub and is family-friendly, cheap and reasonable priced is very good for the family , We provide full English food. Located near Raja Indian Cuisine In the city centre." } ] }, { "tripleset": [ [ "The Mill", "eatType", "pub" ], [ "The Mill", "food", "English" ], [ "The Mill", "priceRange", "moderate" ], [ "The Mill", "area", "city centre" ], [ "The Mill", "familyFriendly", "no" ], [ "The Mill", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "A pub which serve English food in the city centre near the Raja Indian Cuisine is a pub called The Mill with a moderate price range and not kids friendly place." }, { "source": "e2e", "text": "The Mill is a non kids friendly pub, that has moderate price ranged English food. It is located near Raja Indian Cuisine in the city center." }, { "source": "e2e", "text": "The Mill is a pub which serve English food. The location is near the Raja Indian Cuisine in the city centre area. The place is a not kids friendly with a moderate price range." }, { "source": "e2e", "text": "In the city center near Raja Indian Cuisine, there is a non kids friendly pub named, The Mill. The price range is moderate and they have English food." } ] }, { "tripleset": [ [ "The Mill", "eatType", "pub" ], [ "The Mill", "food", "English" ], [ "The Mill", "priceRange", "moderate" ], [ "The Mill", "area", "city centre" ], [ "The Mill", "familyFriendly", "yes" ], [ "The Mill", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "There is a moderately priced English food pub called The Mill that is kid friendly near Raja Indian Cuisine in the city centre." }, { "source": "e2e", "text": "The Mill is a pub with moderate price featuring English food and is Kid Friendly and is located near Raja Indian Cuisine in the city centre." }, { "source": "e2e", "text": "In the city centre, near Raja Indian Cuisine, there is an English pub named The Mill. It is in the moderate price range and it is child-friendly." }, { "source": "e2e", "text": "The Mill is a child-friendly, moderately-priced English pub. It is located in the centre of the city, near Raja Indian Cuisine." }, { "source": "e2e", "text": "Welcome to The Mill. We are a pub, our price range is moderate, our food is English we're kid friendly located in the city centre by the Raja Indian Cuisine. We have a disclaimer by the door, we wrestle and any blood stains we do not cover." }, { "source": "e2e", "text": "Welcome to The Mill. We are a pub, our price range is moderate, our food is English we're kid friendly located in the city centre by the Raja Indian Cuisine. We have a disclaimer by the door, we wrestle and any blood stains we do not cover." } ] }, { "tripleset": [ [ "The Mill", "eatType", "pub" ], [ "The Mill", "food", "English" ], [ "The Mill", "priceRange", "moderate" ], [ "The Mill", "area", "riverside" ], [ "The Mill", "familyFriendly", "no" ], [ "The Mill", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Mill is a pub located in riverside near Raja Indian Cuisine. It offers English food with a moderate price range. It is not a kid friendly establishment." }, { "source": "e2e", "text": "The Mill is a pub located in riverside near Raja Indian Cuisine. It offers English food with a moderate price range. It is not a kid friendly establishment." }, { "source": "e2e", "text": "The Mill is a pub providing English Food. It is located in riverside near Raja Indian Cuisine. Moderate price range and no kids friendly." } ] }, { "tripleset": [ [ "The Mill", "eatType", "pub" ], [ "The Mill", "food", "English" ], [ "The Mill", "priceRange", "moderate" ], [ "The Mill", "area", "riverside" ], [ "The Mill", "familyFriendly", "yes" ], [ "The Mill", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "Come to The Mill where they serve moderately priced English food. It is a riverside pub near Raja Indian Cuisine and is great for children." }, { "source": "e2e", "text": "The Mill is a pub that serves English style food. It is moderately priced and kid friendly. It is located on the riverside near Raja Indian Cuisine." }, { "source": "e2e", "text": "The Mill is an English pub near riverside near Raja Indian Cuisine. Its price range is moderate and it's kids-friendly." }, { "source": "e2e", "text": "pub, The Mill, is located on the riverside near Raja Indian Cuisine. It serves English style food and is moderately priced. It is also kid friendly." }, { "source": "e2e", "text": "Located in the riverside area near Raja Indian Cuisine, The Mill is a pub that serves English food within a moderate price range and is kid friendly." }, { "source": "e2e", "text": "The Mill is a kid friendly pub that serves English food with a moderate price range. They are located near the pub Raja Indian Cuisine in riverside." }, { "source": "e2e", "text": "The Mill is a kid friendly, moderately priced, pub that serves English food. It is located near Raja Indian Cuisine in riverside." }, { "source": "e2e", "text": "Near Raja Indian Cuisine is a riverside pub serving English food called The Mill. The prices are moderate and it is kid friendly." }, { "source": "e2e", "text": "The Mill is a child-friendly pub situated by the riverside. It is near Raja Indian Cuisine, and serves English food for a higher-than-average price." } ] }, { "tripleset": [ [ "The Mill", "eatType", "pub" ], [ "The Mill", "food", "English" ], [ "The Mill", "priceRange", "moderate" ], [ "The Mill", "area", "riverside" ], [ "The Mill", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Mill is a pub providing English Food. It is located in riverside near Raja Indian Cuisine. Moderate price range." } ] }, { "tripleset": [ [ "The Mill", "eatType", "pub" ], [ "The Mill", "food", "English" ], [ "The Mill", "priceRange", "moderate" ], [ "The Mill", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Mill, located near Raja Indian Cuisine, Luton, is a pub serving English food at reasonable prices." } ] }, { "tripleset": [ [ "The Mill", "eatType", "pub" ], [ "The Mill", "food", "English" ], [ "The Mill", "priceRange", "more than \u00a330" ], [ "The Mill", "area", "riverside" ], [ "The Mill", "familyFriendly", "yes" ], [ "The Mill", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "Located at riverside near Raja Indian Cuisine there is a pub called The Mill that serves English food that has a price range of more than \u00a330 and a children friendly place." }, { "source": "e2e", "text": "The Mill is a pub near Raja Indian Cuisine. It is on the riverside and is child friendly. The food is English and over \u00a330." }, { "source": "e2e", "text": "The Mill is a pub located at riverside near Raja Indian Cuisine serves English food has a price range more than \u00a330 and a children friendly place." }, { "source": "e2e", "text": "The Mill serves slightly expensive English food, and welcomes children. Located near Raja Indian Cuisine, it is a pub by the riverside." } ] }, { "tripleset": [ [ "The Mill", "eatType", "pub" ], [ "The Mill", "food", "English" ], [ "The Mill", "priceRange", "more than \u00a330" ], [ "The Mill", "familyFriendly", "yes" ], [ "The Mill", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "Near Raja Indian Cuisine you will find The Mill. A pub serving English food over \u00a330. It is child friendly." } ] }, { "tripleset": [ [ "The Mill", "eatType", "pub" ], [ "The Mill", "food", "Fast food" ], [ "The Mill", "area", "city centre" ], [ "The Mill", "familyFriendly", "no" ], [ "The Mill", "near", "Caf\u00e9 Sicilia" ] ], "annotations": [ { "source": "e2e", "text": "The Mill pub is near Caf\u00e9 Sicilia in the city centre that isn't family friendly, is average and has Fast food." }, { "source": "e2e", "text": "The Mill is an average non family-friendly pub that has Fast food near Caf\u00e9 Sicilia in the city centre." } ] }, { "tripleset": [ [ "The Mill", "eatType", "pub" ], [ "The Mill", "food", "Fast food" ], [ "The Mill", "area", "city centre" ], [ "The Mill", "near", "Caf\u00e9 Sicilia" ] ], "annotations": [ { "source": "e2e", "text": "The Mill is a pub with a service of fast food, in city centre near of Caf\u00e9 Sicilia" }, { "source": "e2e", "text": "The Mill is a fast food pub located in city centre, near Caf\u00e9 Sicilia." }, { "source": "e2e", "text": "The Mill is a fast food pub located in city centre, near Caf\u00e9 Sicilia." }, { "source": "e2e", "text": "The Mill is a pub located in the city centre near of Caf\u00e9 Sicilia that bring a service of Fast food" }, { "source": "e2e", "text": "The Mill is pub with a service of Fast food in the city centre very close of Caf\u00e9 Sicilia" } ] }, { "tripleset": [ [ "The Mill", "eatType", "pub" ], [ "The Mill", "food", "Fast food" ], [ "The Mill", "area", "riverside" ], [ "The Mill", "familyFriendly", "yes" ], [ "The Mill", "near", "Caf\u00e9 Sicilia" ] ], "annotations": [ { "source": "e2e", "text": "For an child friendly, average pub serving fast food try The Mill, riverside near Caf\u00e9 Sicilia" }, { "source": "e2e", "text": "Try The Mill, an average, child friendly pub with fast food riverside near Caf\u00e9 Sicilia" } ] }, { "tripleset": [ [ "The Mill", "eatType", "pub" ], [ "The Mill", "food", "Fast food" ], [ "The Mill", "area", "riverside" ], [ "The Mill", "familyFriendly", "yes" ], [ "The Mill", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "Near the Raja Indian Cuisine in riverside with a price Range of 20\u00a3-25 and is Kids Friendly is a Fast food pub called The Mill" }, { "source": "e2e", "text": "The Mill is a fast food pub that's kid friendly where you can eat for under \u00a325 and is located near Raja Indian Cuisine in riverside" }, { "source": "e2e", "text": "For under \u00a325 The Mill offers a kid friendly pub serving fast food located in riverside near Raja Indian Cuisine" } ] }, { "tripleset": [ [ "The Mill", "eatType", "pub" ], [ "The Mill", "food", "Fast food" ], [ "The Mill", "area", "riverside" ], [ "The Mill", "near", "Caf\u00e9 Sicilia" ] ], "annotations": [ { "source": "e2e", "text": "The Mill is a pub offering fast food at great prices. It has gotten fantastic reviews. The Mill is located riverside near Caf\u00e9 Sicilia." }, { "source": "e2e", "text": "The Mill is a fast food pub in the riverside area near Caf\u00e9 Sicilia." } ] }, { "tripleset": [ [ "The Mill", "eatType", "pub" ], [ "The Mill", "food", "Fast food" ], [ "The Mill", "customer rating", "1 out of 5" ], [ "The Mill", "area", "city centre" ], [ "The Mill", "familyFriendly", "no" ], [ "The Mill", "near", "Caf\u00e9 Sicilia" ] ], "annotations": [ { "source": "e2e", "text": "City centre, fast food pub, The Mill is near Caf\u00e9 Sicilia. It is not child friendly and has a customer rating of 1 out of 5." } ] }, { "tripleset": [ [ "The Mill", "eatType", "pub" ], [ "The Mill", "food", "Fast food" ], [ "The Mill", "customer rating", "1 out of 5" ], [ "The Mill", "area", "riverside" ], [ "The Mill", "familyFriendly", "no" ], [ "The Mill", "near", "Caf\u00e9 Sicilia" ] ], "annotations": [ { "source": "e2e", "text": "With high pricing and a customer rating of 1 out of 5, The Mill is a non child friendly fast food pub located near Caf\u00e9 Sicilia, Riverside." }, { "source": "e2e", "text": "The Mill is a fast food pub. It is located in riverside, near Caf\u00e9 Sicilia. It has low customer rating since it is not kid friendly." }, { "source": "e2e", "text": "A fast food pub located in riverside, near Caf\u00e9 Sicilia is The Mill. It has low customer rating since it is not kid friendly." } ] }, { "tripleset": [ [ "The Mill", "eatType", "pub" ], [ "The Mill", "food", "Fast food" ], [ "The Mill", "customer rating", "1 out of 5" ], [ "The Mill", "area", "riverside" ], [ "The Mill", "familyFriendly", "yes" ], [ "The Mill", "near", "Caf\u00e9 Sicilia" ] ], "annotations": [ { "source": "e2e", "text": "The Mill is a pub near Caf\u00e9 Sicilia, Riverside. They serve fast food, with high pricing. They aren't child friendly and have a customer rating of 1 out of 5." }, { "source": "e2e", "text": "The Mill is a high cost fast food child friendly pub near Caf\u00e9 Sicilia in the riverside area with low customer rating" }, { "source": "e2e", "text": "The Mill is a high cost fast food child friendly pub in the riverside area near Caf\u00e9 Sicilia with low customer rating" }, { "source": "e2e", "text": "Fast food kid friendly 1 out of 5 Caf\u00e9 Sicilia riverside the pub The Mill moderate" }, { "source": "e2e", "text": "the pub The Mill moderate Fast food kid friendly 1 out of 5 Caf\u00e9 Sicilia riverside" } ] }, { "tripleset": [ [ "The Mill", "eatType", "pub" ], [ "The Mill", "food", "Fast food" ], [ "The Mill", "customer rating", "3 out of 5" ], [ "The Mill", "area", "city centre" ], [ "The Mill", "familyFriendly", "yes" ], [ "The Mill", "near", "Caf\u00e9 Sicilia" ] ], "annotations": [ { "source": "e2e", "text": "The Mill is rated 3 out of 5, with moderate pricing pub. Located near the center of the city and the fast food Caf\u00e9 Sicilia it is kid friendly." }, { "source": "e2e", "text": "In the center of the city near Caf\u00e9 Sicilia, the fast food, is a kid friendly pub named The Mill. Customers rate it a 3 out of 5, with moderate pricing." } ] }, { "tripleset": [ [ "The Mill", "eatType", "pub" ], [ "The Mill", "food", "Fast food" ], [ "The Mill", "customer rating", "3 out of 5" ], [ "The Mill", "area", "city centre" ], [ "The Mill", "near", "Caf\u00e9 Sicilia" ] ], "annotations": [ { "source": "e2e", "text": "The Mill is a pub located in the city centre, close to Caf\u00e9 Sicilia serves fast food. It has a customer rating 3 out of 5" } ] }, { "tripleset": [ [ "The Mill", "eatType", "pub" ], [ "The Mill", "food", "Fast food" ], [ "The Mill", "customer rating", "3 out of 5" ], [ "The Mill", "area", "riverside" ], [ "The Mill", "familyFriendly", "no" ], [ "The Mill", "near", "Caf\u00e9 Sicilia" ] ], "annotations": [ { "source": "e2e", "text": "Near the fast food Caf\u00e9 Sicilia close to the riverside, The Mill is a pub, with moderate pricing and not too kid friendly. Customers rate it a 3 out of 5." } ] }, { "tripleset": [ [ "The Mill", "eatType", "pub" ], [ "The Mill", "food", "Fast food" ], [ "The Mill", "customer rating", "3 out of 5" ], [ "The Mill", "area", "riverside" ], [ "The Mill", "familyFriendly", "yes" ], [ "The Mill", "near", "Caf\u00e9 Rouge" ] ], "annotations": [ { "source": "e2e", "text": "Located in Riverside near Caf\u00e9 Rouge there is a pub known as 'The Mill'. Has a good customer rating, is child friendly and has a good price range for fast food." } ] }, { "tripleset": [ [ "The Mill", "eatType", "pub" ], [ "The Mill", "food", "Fast food" ], [ "The Mill", "customer rating", "3 out of 5" ], [ "The Mill", "area", "riverside" ], [ "The Mill", "familyFriendly", "yes" ], [ "The Mill", "near", "Caf\u00e9 Sicilia" ] ], "annotations": [ { "source": "e2e", "text": "The Mill is a kid friendly pub that is located on the riverside near Caf\u00e9 Sicilia. The Mill serves fast food and is moderate in pricing. Customers rate the pub 3 out of 5." } ] }, { "tripleset": [ [ "The Mill", "eatType", "pub" ], [ "The Mill", "food", "Fast food" ], [ "The Mill", "customer rating", "5 out of 5" ], [ "The Mill", "area", "city centre" ], [ "The Mill", "familyFriendly", "yes" ], [ "The Mill", "near", "Caf\u00e9 Sicilia" ] ], "annotations": [ { "source": "e2e", "text": "The Mill is a fun and family-friendly fast food pub located in the city centre, near Caf\u00e9 Sicilia, with high quality food that merits a pretty penny." } ] }, { "tripleset": [ [ "The Mill", "eatType", "pub" ], [ "The Mill", "food", "Fast food" ], [ "The Mill", "customer rating", "5 out of 5" ], [ "The Mill", "area", "city centre" ], [ "The Mill", "near", "Caf\u00e9 Sicilia" ] ], "annotations": [ { "source": "e2e", "text": "The Mill is a pub located near Caf\u00e9 Sicilia that serves fast food. It has a 5 out of 5 customer rating and is located in city centre." } ] }, { "tripleset": [ [ "The Mill", "eatType", "pub" ], [ "The Mill", "food", "Fast food" ], [ "The Mill", "customer rating", "5 out of 5" ], [ "The Mill", "area", "riverside" ], [ "The Mill", "familyFriendly", "yes" ], [ "The Mill", "near", "Caf\u00e9 Sicilia" ] ], "annotations": [ { "source": "e2e", "text": "The Mill is a family friendly pub also serving fast food in riverside near Caf\u00e9 Sicilia and has been rated 5 out of 5." } ] }, { "tripleset": [ [ "The Mill", "eatType", "pub" ], [ "The Mill", "food", "Fast food" ], [ "The Mill", "customer rating", "5 out of 5" ], [ "The Mill", "area", "riverside" ], [ "The Mill", "near", "Caf\u00e9 Sicilia" ] ], "annotations": [ { "source": "e2e", "text": "In the riverside area near Caf\u00e9 Sicilia is a low-cost pub named The Mill. It serves Fast food catered towards adults and rates 5 out of 5." }, { "source": "e2e", "text": "The Mill is a low-cost, fast food, 5-star, pub located near the Caf\u00e9 Sicilia by the river." } ] }, { "tripleset": [ [ "The Mill", "eatType", "pub" ], [ "The Mill", "food", "Fast food" ], [ "The Mill", "customer rating", "average" ], [ "The Mill", "area", "city centre" ], [ "The Mill", "familyFriendly", "no" ], [ "The Mill", "near", "Caf\u00e9 Sicilia" ] ], "annotations": [ { "source": "e2e", "text": "The Mill is a trendy pub with about average ratings. They offer higher priced fast food items. This is an adult only establishment. It is located in the city centre near the Caf\u00e9 Sicilia." } ] }, { "tripleset": [ [ "The Mill", "eatType", "pub" ], [ "The Mill", "food", "Fast food" ], [ "The Mill", "customer rating", "average" ], [ "The Mill", "area", "city centre" ], [ "The Mill", "familyFriendly", "yes" ], [ "The Mill", "near", "Caf\u00e9 Sicilia" ] ], "annotations": [ { "source": "e2e", "text": "The Mill is located near Caf\u00e9 Sicilia, in City Centre, It's a family-friendly pub with an average rating that serves fast food." } ] }, { "tripleset": [ [ "The Mill", "eatType", "pub" ], [ "The Mill", "food", "Fast food" ], [ "The Mill", "customer rating", "high" ], [ "The Mill", "area", "city centre" ], [ "The Mill", "familyFriendly", "yes" ], [ "The Mill", "near", "Caf\u00e9 Rouge" ] ], "annotations": [ { "source": "e2e", "text": "There is a great pub named The Mill located in the centre of the city near Caf\u00e9 Rouge. They offer fast food, and are reasonably priced with meals costing around E20-E25. They have a high customer rating and are very kid friendly." }, { "source": "e2e", "text": "The Mill is a pub that also offers reasonably priced fast food around E20-E25. They are located in the city center near Caf\u00e9 Rouge. Last year, they received high customer ratings and have been found very kid friendly." } ] }, { "tripleset": [ [ "The Mill", "eatType", "pub" ], [ "The Mill", "food", "Fast food" ], [ "The Mill", "customer rating", "high" ], [ "The Mill", "area", "riverside" ], [ "The Mill", "familyFriendly", "no" ], [ "The Mill", "near", "Caf\u00e9 Rouge" ] ], "annotations": [ { "source": "e2e", "text": "The Mill is a highly-rated fast food and pub located in riverside near the Caf\u00e9 Rouge. Average pricing, but not child friendly." } ] }, { "tripleset": [ [ "The Mill", "eatType", "pub" ], [ "The Mill", "food", "Fast food" ], [ "The Mill", "customer rating", "high" ], [ "The Mill", "area", "riverside" ], [ "The Mill", "near", "Caf\u00e9 Rouge" ] ], "annotations": [ { "source": "e2e", "text": "Located near Caf\u00e9 Rouge by the riverside is a fast food and pub, The Mill, with high customer ratings." } ] }, { "tripleset": [ [ "The Mill", "eatType", "pub" ], [ "The Mill", "food", "Fast food" ], [ "The Mill", "customer rating", "low" ], [ "The Mill", "area", "riverside" ], [ "The Mill", "familyFriendly", "no" ], [ "The Mill", "near", "Caf\u00e9 Sicilia" ] ], "annotations": [ { "source": "e2e", "text": "Fast food pub called The Mill in riverside area near Caf\u00e9 Sicilia; not family-friendly, low cost and low customer rating." } ] }, { "tripleset": [ [ "The Mill", "eatType", "pub" ], [ "The Mill", "food", "Fast food" ], [ "The Mill", "customer rating", "low" ], [ "The Mill", "area", "riverside" ], [ "The Mill", "familyFriendly", "yes" ], [ "The Mill", "near", "Caf\u00e9 Sicilia" ] ], "annotations": [ { "source": "e2e", "text": "The Mill is a fast food pub near Caf\u00e9 Sicilia by the river. It is family friendly, has a low rating and a low food price range." } ] }, { "tripleset": [ [ "The Mill", "eatType", "pub" ], [ "The Mill", "food", "Fast food" ], [ "The Mill", "priceRange", "cheap" ], [ "The Mill", "area", "city centre" ], [ "The Mill", "familyFriendly", "no" ], [ "The Mill", "near", "Caf\u00e9 Sicilia" ] ], "annotations": [ { "source": "e2e", "text": "Cheaply priced, city centre pub The Mill is the fast food alternative to nearby Caf\u00e9 Sicilia, scoring a top customer rating despite not being family-friendly." }, { "source": "e2e", "text": "Near the Caf\u00e9 Sicilia in the city centre, there is a cheap, non-family-friendly Fast food and pub named The Mill." }, { "source": "e2e", "text": "The Mill is a cheap Fast food and pub establishment located in the city centre near Caf\u00e9 Sicilia. It is not kid-friendly." } ] }, { "tripleset": [ [ "The Mill", "eatType", "pub" ], [ "The Mill", "food", "Fast food" ], [ "The Mill", "priceRange", "cheap" ], [ "The Mill", "area", "city centre" ], [ "The Mill", "familyFriendly", "yes" ], [ "The Mill", "near", "Caf\u00e9 Sicilia" ] ], "annotations": [ { "source": "e2e", "text": "The Mill pub sells cheap fast food. Located in the city centre near Caf\u00e9 Sicilia, it is not recommended for families." }, { "source": "e2e", "text": "The Mill, cheap and family-friendly, is a pub that serves Fast food. Near Caf\u00e9 Sicilia it is in the city centre." }, { "source": "e2e", "text": "The Mill is a pub that serves Fast food. It is in the city centre near Caf\u00e9 Sicilia. It is cheap and family-friendly." }, { "source": "e2e", "text": "Located near Caf\u00e9 Sicilia in city centre, The Mill serves cheaply priced fast food in a family-friendly pub." } ] }, { "tripleset": [ [ "The Mill", "eatType", "pub" ], [ "The Mill", "food", "Fast food" ], [ "The Mill", "priceRange", "cheap" ], [ "The Mill", "area", "riverside" ], [ "The Mill", "familyFriendly", "yes" ], [ "The Mill", "near", "Caf\u00e9 Sicilia" ] ], "annotations": [ { "source": "e2e", "text": "The Mill is an average, family friendly, and inexpensive fast food option in riverside. You can find this pub near Caf\u00e9 Sicilia." }, { "source": "e2e", "text": "Near Caf\u00e9 Sicilia in riverside you will find The Mill. It is your average pub with inexpensive fast food options and a family friendly environment." } ] }, { "tripleset": [ [ "The Mill", "eatType", "pub" ], [ "The Mill", "food", "Fast food" ], [ "The Mill", "priceRange", "cheap" ], [ "The Mill", "area", "riverside" ], [ "The Mill", "familyFriendly", "yes" ], [ "The Mill", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "For a cheap pub in Riverside go to The Mill. It's family-friendly near Raja Indian Cuisine and serves fast food." } ] }, { "tripleset": [ [ "The Mill", "eatType", "pub" ], [ "The Mill", "food", "Fast food" ], [ "The Mill", "priceRange", "cheap" ], [ "The Mill", "area", "riverside" ], [ "The Mill", "near", "Caf\u00e9 Sicilia" ] ], "annotations": [ { "source": "e2e", "text": "The Mill is near Caf\u00e9 Sicilia on riverside that serves fast food. They are cheap and for the family. pub style food." }, { "source": "e2e", "text": "There is a pub style food called The Mill it's fast food on riverside near Caf\u00e9 Sicilia it is cheap and for the family." } ] }, { "tripleset": [ [ "The Mill", "eatType", "pub" ], [ "The Mill", "food", "Fast food" ], [ "The Mill", "priceRange", "cheap" ], [ "The Mill", "customer rating", "5 out of 5" ], [ "The Mill", "area", "city centre" ], [ "The Mill", "familyFriendly", "no" ], [ "The Mill", "near", "Caf\u00e9 Sicilia" ] ], "annotations": [ { "source": "e2e", "text": "The Mill is a cheap pub in the city centre. Located near a Caf\u00e9 Sicilia, it also serves Fast food and is rated 5 out of 5 by customers. However, it is not family-friendly." }, { "source": "e2e", "text": "The Mill is a cheap pub that also serves Fast food. It is located in the city centre near a Caf\u00e9 Sicilia. Customers rate it a 5 out of 5. It is not family-friendly." } ] }, { "tripleset": [ [ "The Mill", "eatType", "pub" ], [ "The Mill", "food", "Fast food" ], [ "The Mill", "priceRange", "cheap" ], [ "The Mill", "customer rating", "5 out of 5" ], [ "The Mill", "area", "city centre" ], [ "The Mill", "familyFriendly", "yes" ], [ "The Mill", "near", "Caf\u00e9 Sicilia" ] ], "annotations": [ { "source": "e2e", "text": "If you're looking for a cheap, family-friendly Fast food pub, with an excellent customer rating of 5 out of 5, then go to The Mill located near Caf\u00e9 Sicilia in the city centre." }, { "source": "e2e", "text": "In the city centre near Caf\u00e9 Sicilia there's a cheap fast food pub named The Mill. It is family-friendly with a customer rating of 5 out of 5." }, { "source": "e2e", "text": "The Mill is a cheap family-friendly fast food pub in the city centre near Caf\u00e9 Sicilia. They are family-friendly with a 5 out of 5 customer rating." } ] }, { "tripleset": [ [ "The Mill", "eatType", "pub" ], [ "The Mill", "food", "Fast food" ], [ "The Mill", "priceRange", "cheap" ], [ "The Mill", "customer rating", "5 out of 5" ], [ "The Mill", "area", "riverside" ], [ "The Mill", "familyFriendly", "no" ], [ "The Mill", "near", "Caf\u00e9 Sicilia" ] ], "annotations": [ { "source": "e2e", "text": "At riverside near Caf\u00e9 Sicilia, there is a pub called The Mill which provides fast food. It is not family-friendly and is in the cheap price range. Its customer rating is 5 out of 5." }, { "source": "e2e", "text": "The Mill is a pub that provides fast food. It is located at riverside near Caf\u00e9 Sicilia. It is not family-friendly, in the cheap price range and has a customer rating 5 out of 5." } ] }, { "tripleset": [ [ "The Mill", "eatType", "pub" ], [ "The Mill", "food", "Fast food" ], [ "The Mill", "priceRange", "cheap" ], [ "The Mill", "customer rating", "5 out of 5" ], [ "The Mill", "area", "riverside" ], [ "The Mill", "familyFriendly", "yes" ], [ "The Mill", "near", "Caf\u00e9 Sicilia" ] ], "annotations": [ { "source": "e2e", "text": "Located at the riverside near Caf\u00e9 Sicilia, The Mill is a fast food pub with great ratings, and cheap prices. The Mill offers a quiet setting with no amenities for children." }, { "source": "e2e", "text": "A cheap family friendly pub near Caf\u00e9 Sicilia serving fast food in riverside would be The Mill with cheap prices and a perfect rating of 5 out of 5." }, { "source": "e2e", "text": "The Mill is a highly rated, family friendly, fast food location. Though it is located in Riverside near Caf\u00e9 Sicilia, The Mill comes in as a cheap pub." } ] }, { "tripleset": [ [ "The Mill", "eatType", "pub" ], [ "The Mill", "food", "Fast food" ], [ "The Mill", "priceRange", "cheap" ], [ "The Mill", "customer rating", "5 out of 5" ], [ "The Mill", "area", "riverside" ], [ "The Mill", "near", "Caf\u00e9 Sicilia" ] ], "annotations": [ { "source": "e2e", "text": "The Mill is a low-priced pub serving Fast food, located by the riverside near Caf\u00e9 Sicilia. It caters to adults and its customer rating is 5 out of 5." } ] }, { "tripleset": [ [ "The Mill", "eatType", "pub" ], [ "The Mill", "food", "Fast food" ], [ "The Mill", "priceRange", "cheap" ], [ "The Mill", "customer rating", "5 out of 5" ], [ "The Mill", "familyFriendly", "no" ], [ "The Mill", "near", "Caf\u00e9 Sicilia" ] ], "annotations": [ { "source": "e2e", "text": "The Mill located near Caf\u00e9 Sicilia serves cheap pub fast food. It has a 5 out of 5 rating but not family-friendly." } ] }, { "tripleset": [ [ "The Mill", "eatType", "pub" ], [ "The Mill", "food", "Fast food" ], [ "The Mill", "priceRange", "cheap" ], [ "The Mill", "customer rating", "average" ], [ "The Mill", "area", "city centre" ], [ "The Mill", "familyFriendly", "yes" ], [ "The Mill", "near", "Caf\u00e9 Sicilia" ] ], "annotations": [ { "source": "e2e", "text": "The fast food place with an average customer rating, The Mill, is near Caf\u00e9 Sicilia in the city center, has a cheap price range and is a family-friendly pub." } ] }, { "tripleset": [ [ "The Mill", "eatType", "pub" ], [ "The Mill", "food", "Fast food" ], [ "The Mill", "priceRange", "cheap" ], [ "The Mill", "customer rating", "average" ], [ "The Mill", "area", "riverside" ], [ "The Mill", "familyFriendly", "no" ], [ "The Mill", "near", "Caf\u00e9 Sicilia" ] ], "annotations": [ { "source": "e2e", "text": "The Mill is a fast food pub with an average customer rating. It is riverside near Caf\u00e9 Sicilia with a cheap price range. It is not family-friendly" }, { "source": "e2e", "text": "The fast food pub called The Mill located in riverside near Caf\u00e9 Sicilia is not family-friendly but is cheap and has a average customer rating." }, { "source": "e2e", "text": "There is a pub called The Mill near Caf\u00e9 Sicilia in riverside which has cheap fast food, an average customer rating but is not family-friendly." } ] }, { "tripleset": [ [ "The Mill", "eatType", "pub" ], [ "The Mill", "food", "Fast food" ], [ "The Mill", "priceRange", "cheap" ], [ "The Mill", "customer rating", "average" ], [ "The Mill", "area", "riverside" ], [ "The Mill", "familyFriendly", "yes" ], [ "The Mill", "near", "Caf\u00e9 Sicilia" ] ], "annotations": [ { "source": "e2e", "text": "Located in Riverside near Caf\u00e9 Sicilia, The Mill, with an average customer rating, is a family friendly Fast food serving pub with a cheap price range." }, { "source": "e2e", "text": "The Mill is located near Caf\u00e9 Sicilia in the riverside area. The Mill is a very delegate pub that is family friendly and offers Fast food, the customer rating is average and the prices are cheap." } ] }, { "tripleset": [ [ "The Mill", "eatType", "pub" ], [ "The Mill", "food", "Fast food" ], [ "The Mill", "priceRange", "cheap" ], [ "The Mill", "familyFriendly", "yes" ], [ "The Mill", "near", "Caf\u00e9 Sicilia" ] ], "annotations": [ { "source": "e2e", "text": "The Mill, a cheaply-priced pub, is located in centre city near Caf\u00e9 Sicilia. They serve fast food in a family-friendly environment." } ] }, { "tripleset": [ [ "The Mill", "eatType", "pub" ], [ "The Mill", "food", "Fast food" ], [ "The Mill", "priceRange", "moderate" ], [ "The Mill", "customer rating", "average" ], [ "The Mill", "area", "city centre" ], [ "The Mill", "familyFriendly", "yes" ], [ "The Mill", "near", "Caf\u00e9 Sicilia" ] ], "annotations": [ { "source": "e2e", "text": "The family-friendly pub and fast food place named The Mill, is near Caf\u00e9 Sicilia in the city centre, has a cheap price range and an average customer rating." } ] }, { "tripleset": [ [ "The Mill", "eatType", "pub" ], [ "The Mill", "food", "Fast food" ], [ "The Mill", "priceRange", "high" ], [ "The Mill", "area", "city centre" ], [ "The Mill", "familyFriendly", "no" ], [ "The Mill", "near", "Caf\u00e9 Sicilia" ] ], "annotations": [ { "source": "e2e", "text": "The Mill is a non-children friendly fast food pub in the city centre near Caf\u00e9 Sicilia with a high price range and has a customer rating of 1 out of 5." } ] }, { "tripleset": [ [ "The Mill", "eatType", "pub" ], [ "The Mill", "food", "Fast food" ], [ "The Mill", "priceRange", "high" ], [ "The Mill", "customer rating", "1 out of 5" ], [ "The Mill", "area", "city centre" ], [ "The Mill", "familyFriendly", "no" ], [ "The Mill", "near", "Caf\u00e9 Sicilia" ] ], "annotations": [ { "source": "e2e", "text": "The Mill is a non-children friendly fast food pub in the city centre near Caf\u00e9 Sicilia with a customer rating of 1 out of 5 and has a high price range." } ] }, { "tripleset": [ [ "The Mill", "eatType", "pub" ], [ "The Mill", "food", "Fast food" ], [ "The Mill", "priceRange", "high" ], [ "The Mill", "customer rating", "1 out of 5" ], [ "The Mill", "area", "city centre" ], [ "The Mill", "familyFriendly", "yes" ], [ "The Mill", "near", "Caf\u00e9 Sicilia" ] ], "annotations": [ { "source": "e2e", "text": "In the city centre area, near Caf\u00e9 Sicilia is a children friendly fast food pub named The Mill. It has a high price range and a 1 out of 5 customer rating." }, { "source": "e2e", "text": "The Mill is a family-friendly pub that offers fast food. It has a low customer rating, is located in city centre, near Caf\u00e9 Sicilia, and is expensive." } ] }, { "tripleset": [ [ "The Mill", "eatType", "pub" ], [ "The Mill", "food", "Fast food" ], [ "The Mill", "priceRange", "high" ], [ "The Mill", "customer rating", "1 out of 5" ], [ "The Mill", "area", "city centre" ], [ "The Mill", "near", "Caf\u00e9 Sicilia" ] ], "annotations": [ { "source": "e2e", "text": "There is an expensive pub The Mill that provides fast food. It is located in the center of the city near Caf\u00e9 Sicilia. It has 1 out of 5 customer ratings and is friendly to families." } ] }, { "tripleset": [ [ "The Mill", "eatType", "pub" ], [ "The Mill", "food", "Fast food" ], [ "The Mill", "priceRange", "high" ], [ "The Mill", "customer rating", "5 out of 5" ], [ "The Mill", "area", "city centre" ], [ "The Mill", "familyFriendly", "yes" ], [ "The Mill", "near", "Caf\u00e9 Sicilia" ] ], "annotations": [ { "source": "e2e", "text": "The Mill is a children friendly fast food pub near Caf\u00e9 Sicilia in the city centre area. It has a 1 out of 5 customer rating and a high price range." } ] }, { "tripleset": [ [ "The Mill", "eatType", "pub" ], [ "The Mill", "food", "Fast food" ], [ "The Mill", "priceRange", "high" ], [ "The Mill", "customer rating", "1 out of 5" ], [ "The Mill", "familyFriendly", "yes" ], [ "The Mill", "near", "Caf\u00e9 Sicilia" ] ], "annotations": [ { "source": "e2e", "text": "The Mill is a family friendly pub offering fast food. It has a one star rating and is in the high price range. It is located near to Caf\u00e9 Sicilia." }, { "source": "e2e", "text": "The Mill is a one star family friendly pub offering fast food. It is in the high price range and near to Caf\u00e9 Sicilia." } ] }, { "tripleset": [ [ "The Mill", "eatType", "pub" ], [ "The Mill", "food", "Fast food" ], [ "The Mill", "priceRange", "high" ], [ "The Mill", "customer rating", "average" ], [ "The Mill", "area", "city centre" ], [ "The Mill", "familyFriendly", "no" ], [ "The Mill", "near", "Caf\u00e9 Sicilia" ] ], "annotations": [ { "source": "e2e", "text": "The Mill, is a pub located in the centre of the city near Caf\u00e9 Sicilia; serving Fast food in the high price range. Is not child-friendly venue and customer ratings are average." } ] }, { "tripleset": [ [ "The Mill", "eatType", "pub" ], [ "The Mill", "food", "Fast food" ], [ "The Mill", "priceRange", "high" ], [ "The Mill", "customer rating", "average" ], [ "The Mill", "area", "city centre" ], [ "The Mill", "familyFriendly", "yes" ], [ "The Mill", "near", "Caf\u00e9 Sicilia" ] ], "annotations": [ { "source": "e2e", "text": "The Mill is a pub that serves high priced fast food. Near Caf\u00e9 Sicilia in City Centre, the place is children friendly and the customers rate it average." } ] }, { "tripleset": [ [ "The Mill", "eatType", "pub" ], [ "The Mill", "food", "Fast food" ], [ "The Mill", "priceRange", "high" ], [ "The Mill", "customer rating", "average" ], [ "The Mill", "area", "city centre" ], [ "The Mill", "near", "Caf\u00e9 Sicilia" ] ], "annotations": [ { "source": "e2e", "text": "The Mill is a pub near the Caf\u00e9 Sicilia in the city centre. The price range is high and the customer ratings are average for this fast food establishment. Bringing children is not recommended." } ] }, { "tripleset": [ [ "The Mill", "eatType", "pub" ], [ "The Mill", "food", "Fast food" ], [ "The Mill", "priceRange", "high" ], [ "The Mill", "near", "Caf\u00e9 Sicilia" ] ], "annotations": [ { "source": "e2e", "text": "The Mill is a pub providing Fast food in the high price range. It is located near of Caf\u00e9 Sicilia." } ] }, { "tripleset": [ [ "The Mill", "eatType", "pub" ], [ "The Mill", "food", "Fast food" ], [ "The Mill", "priceRange", "moderate" ], [ "The Mill", "customer rating", "average" ], [ "The Mill", "area", "riverside" ], [ "The Mill", "familyFriendly", "no" ], [ "The Mill", "near", "Caf\u00e9 Sicilia" ] ], "annotations": [ { "source": "e2e", "text": "The Mill, is a fast food pub - not child friendly, with a high price range and average customer rating in the Riverside area, near Caf\u00e9 Sicilia" }, { "source": "e2e", "text": "Near Caf\u00e9 Sicilia, The Mill, is a fast food pub - not child friendly, with a high price range and average customer rating in the Riverside area," } ] }, { "tripleset": [ [ "The Mill", "eatType", "pub" ], [ "The Mill", "food", "Fast food" ], [ "The Mill", "priceRange", "less than \u00a320" ], [ "The Mill", "customer rating", "low" ], [ "The Mill", "area", "riverside" ], [ "The Mill", "familyFriendly", "no" ], [ "The Mill", "near", "Caf\u00e9 Sicilia" ] ], "annotations": [ { "source": "e2e", "text": "The Mill is an inexpensive pub that is unfortunately not family friendly. Located north of the city center. beside the river, their 1-star fast food is competing against the close by Caf\u00e9 Sicilia." } ] }, { "tripleset": [ [ "The Mill", "eatType", "pub" ], [ "The Mill", "food", "Fast food" ], [ "The Mill", "priceRange", "less than \u00a320" ], [ "The Mill", "customer rating", "low" ], [ "The Mill", "area", "city centre" ], [ "The Mill", "familyFriendly", "no" ], [ "The Mill", "near", "Caf\u00e9 Sicilia" ] ], "annotations": [ { "source": "e2e", "text": "In the city centre you will find a low rated Fast food pub named The Mill. It is located near Caf\u00e9 Sicilia with items averaging less than \u00a320, however it is not family-friendly." }, { "source": "e2e", "text": "The Mill is a pub selling fast food. It is not family-friendly, low price range with a low customer rating. It is located in the city centre near Caf\u00e9 Sicilia." }, { "source": "e2e", "text": "The Mill is a Fast food pub located on the city centre near Caf\u00e9 Sicilia. Though it is not family-friendly and has a low customer rating it has cheap food with prices less than \u00a320." }, { "source": "e2e", "text": "Low priced pub selling fast food, located near Caf\u00e9 Sicilia in the city centre. The Mill is not family-friendly and has a low customer rating." } ] }, { "tripleset": [ [ "The Mill", "eatType", "pub" ], [ "The Mill", "food", "Fast food" ], [ "The Mill", "priceRange", "less than \u00a320" ], [ "The Mill", "customer rating", "low" ], [ "The Mill", "area", "city centre" ], [ "The Mill", "familyFriendly", "yes" ], [ "The Mill", "near", "Caf\u00e9 Sicilia" ] ], "annotations": [ { "source": "e2e", "text": "The Mill pub is located near Caf\u00e9 Sicilia in the city centre, It is family-friendly with Fast food costing less than \u00a320 but has a low customer rating" }, { "source": "e2e", "text": "The Mill is a family-friendly pub offering fast food for less than \u00a320. It is in the city centre near Caf\u00e9 Sicilia and has a low rating." }, { "source": "e2e", "text": "The Mill is a fast food pub located in the city centre near Caf\u00e9 Sicilia. Its prices are less than 20 euros, and it has a low customer rating. It is also family-friendly." }, { "source": "e2e", "text": "The Mill is a family-friendly pub located in the city centre near Caf\u00e9 Sicilia. It has a low customer rating, but fast food there costs under 20 euros." }, { "source": "e2e", "text": "For Fast food The Mill pub located in the city centre, near Caf\u00e9 Sicilia and has food under \u00a320 price range. It has a low customer rating and is family-friendly" }, { "source": "e2e", "text": "The Mill is a 1-star pub providing fast food in the low price range. It is suitable for families and located beside Caf\u00e9 Sicilia at the north of city centre." } ] }, { "tripleset": [ [ "The Mill", "eatType", "pub" ], [ "The Mill", "food", "Fast food" ], [ "The Mill", "priceRange", "less than \u00a320" ], [ "The Mill", "customer rating", "low" ], [ "The Mill", "area", "city centre" ], [ "The Mill", "near", "Caf\u00e9 Sicilia" ] ], "annotations": [ { "source": "e2e", "text": "The Mill is a pub with fast food in the city centre near Caf\u00e9 Sicilia. It has a low rating, however you can eat for less than \u00a320." } ] }, { "tripleset": [ [ "The Mill", "eatType", "pub" ], [ "The Mill", "food", "Fast food" ], [ "The Mill", "priceRange", "less than \u00a320" ], [ "The Mill", "customer rating", "low" ], [ "The Mill", "area", "riverside" ], [ "The Mill", "familyFriendly", "no" ], [ "The Mill", "near", "Caf\u00e9 Sicilia" ] ], "annotations": [ { "source": "e2e", "text": "The Mill is a pub with no family-friendly staff with price range less than \u00a320 provides Fast food located near the Caf\u00e9 Sicilia at the riverside with low customer rating." }, { "source": "e2e", "text": "The Mill is a pub in the low price range serving fast food located near Caf\u00e9 Sicilia on the riverside. It is not family-friendly and has a low customer rating." } ] }, { "tripleset": [ [ "The Mill", "eatType", "pub" ], [ "The Mill", "food", "Fast food" ], [ "The Mill", "priceRange", "less than \u00a320" ], [ "The Mill", "customer rating", "low" ], [ "The Mill", "area", "riverside" ], [ "The Mill", "familyFriendly", "yes" ], [ "The Mill", "near", "Caf\u00e9 Sicilia" ] ], "annotations": [ { "source": "e2e", "text": "The Mill is a family friendly pub, with a low prices, they serve fast food, it is located by the riverside near a Caf\u00e9 Sicilia. It has a low customer rating." }, { "source": "e2e", "text": "The Mill is a low priced fast food pub near Caf\u00e9 Sicilia by the river. It is family friendly and has a low rating." }, { "source": "e2e", "text": "The Mill is a family friendly pub, with a low prices, they serve fast food, it is located by the riverside near a Caf\u00e9 Sicilia. It has a low customer rating." } ] }, { "tripleset": [ [ "The Mill", "eatType", "pub" ], [ "The Mill", "food", "Fast food" ], [ "The Mill", "priceRange", "less than \u00a320" ], [ "The Mill", "customer rating", "low" ], [ "The Mill", "near", "Caf\u00e9 Sicilia" ] ], "annotations": [ { "source": "e2e", "text": "There is a 1-star cheap pub The Mill located beside Caf\u00e9 Sicilia that provides fast food. Families are welcomed there." } ] }, { "tripleset": [ [ "The Mill", "eatType", "pub" ], [ "The Mill", "food", "Fast food" ], [ "The Mill", "priceRange", "moderate" ], [ "The Mill", "area", "city centre" ], [ "The Mill", "familyFriendly", "yes" ], [ "The Mill", "near", "Caf\u00e9 Sicilia" ] ], "annotations": [ { "source": "e2e", "text": "If looking for kid friendly fast food, The Mill pub is located in the city centre near Caf\u00e9 Sicilia. With a rating of 1-5, the price range is moderate." } ] }, { "tripleset": [ [ "The Mill", "eatType", "pub" ], [ "The Mill", "food", "Fast food" ], [ "The Mill", "priceRange", "moderate" ], [ "The Mill", "area", "riverside" ], [ "The Mill", "familyFriendly", "yes" ], [ "The Mill", "near", "Caf\u00e9 Sicilia" ] ], "annotations": [ { "source": "e2e", "text": "The Mill pub is located near Caf\u00e9 Sicilia on the riverside. They have fast food, kid friendly, and moderate prices." }, { "source": "e2e", "text": "The Mill pub has fast food, is kid friendly, and has a moderate price range. They are located near Caf\u00e9 Sicilia on the riverside." } ] }, { "tripleset": [ [ "The Mill", "eatType", "pub" ], [ "The Mill", "food", "Fast food" ], [ "The Mill", "priceRange", "moderate" ], [ "The Mill", "customer rating", "1 out of 5" ], [ "The Mill", "area", "city centre" ], [ "The Mill", "familyFriendly", "no" ], [ "The Mill", "near", "Caf\u00e9 Sicilia" ] ], "annotations": [ { "source": "e2e", "text": "In the city centre you will find a moderately priced Fast food pub called The Mill. It is located near Caf\u00e9 Sicilia, is not kid friendly and has a customer rating of 1 out of 5." }, { "source": "e2e", "text": "The Mill is a moderately priced pub that serves Fast food. It is located in the city centre near Caf\u00e9 Sicilia and is not kid friendly with a customer rating of 1 out of 5." }, { "source": "e2e", "text": "There is a pub called The Mill that serves fast food at moderate prices. While not kid friendly, the location is convenient if close to Caf\u00e9 Sicilia near city centre. The Mill is rated 1 out of 5 by customers." }, { "source": "e2e", "text": "The fast food pub, The Mill has a moderate price range and is not child friendly. It has a customer rating of 1 out of 5 and is near Caf\u00e9 Sicilia in the city centre." }, { "source": "e2e", "text": "Moderately priced fast food can be found at the 1 out of 5 rated pub called The Mill. It's near Caf\u00e9 Sicilia in city centre. This pub is not kid friendly." } ] }, { "tripleset": [ [ "The Mill", "eatType", "pub" ], [ "The Mill", "food", "Fast food" ], [ "The Mill", "priceRange", "moderate" ], [ "The Mill", "customer rating", "1 out of 5" ], [ "The Mill", "area", "city centre" ], [ "The Mill", "familyFriendly", "yes" ], [ "The Mill", "near", "Caf\u00e9 Sicilia" ] ], "annotations": [ { "source": "e2e", "text": "The pub, The Mill, is a moderately priced fast food establishment that is kid friendly and rates 1 out of 5 so far, next to it's neighbour Caf\u00e9 Sicilia at City Centre." }, { "source": "e2e", "text": "The Mill is a moderate priced, kid friendly pub. Located in the city centre near Caf\u00e9 Sicilia, this fast food pub has a customer rating of 1 out of 5." } ] }, { "tripleset": [ [ "The Mill", "eatType", "pub" ], [ "The Mill", "food", "Fast food" ], [ "The Mill", "priceRange", "moderate" ], [ "The Mill", "customer rating", "1 out of 5" ], [ "The Mill", "area", "riverside" ], [ "The Mill", "familyFriendly", "yes" ], [ "The Mill", "near", "Caf\u00e9 Sicilia" ] ], "annotations": [ { "source": "e2e", "text": "The Mill is a pub that offers moderately priced kid friendly Fast food. They have a customer rating of 1 out of 5 and are located in riverside near Caf\u00e9 Sicilia." } ] }, { "tripleset": [ [ "The Mill", "eatType", "pub" ], [ "The Mill", "food", "Fast food" ], [ "The Mill", "priceRange", "moderate" ], [ "The Mill", "customer rating", "1 out of 5" ], [ "The Mill", "area", "riverside" ], [ "The Mill", "near", "Caf\u00e9 Sicilia" ] ], "annotations": [ { "source": "e2e", "text": "Looking for a moderately priced pub on the riverside. Tired of Fast food like Caf\u00e9 Sicilia. Try The Mill. With a customer rating of 1 out of 5 you can't go wrong." } ] }, { "tripleset": [ [ "The Mill", "eatType", "pub" ], [ "The Mill", "food", "Fast food" ], [ "The Mill", "priceRange", "moderate" ], [ "The Mill", "customer rating", "3 out of 5" ], [ "The Mill", "area", "riverside" ], [ "The Mill", "familyFriendly", "yes" ], [ "The Mill", "near", "Caf\u00e9 Sicilia" ] ], "annotations": [ { "source": "e2e", "text": "The Mill is a moderately priced, kid friendly pub that offers Fast food. Located in riverside near Caf\u00e9 Sicilia, they have an average customer rating of 1 out of 5." } ] }, { "tripleset": [ [ "The Mill", "eatType", "pub" ], [ "The Mill", "food", "Fast food" ], [ "The Mill", "priceRange", "moderate" ], [ "The Mill", "customer rating", "3 out of 5" ], [ "The Mill", "area", "city centre" ], [ "The Mill", "familyFriendly", "no" ], [ "The Mill", "near", "Caf\u00e9 Sicilia" ] ], "annotations": [ { "source": "e2e", "text": "The Mill is a fast food moderately priced pub in the city centre near Caf\u00e9 Sicilia. It has a three out of five customer rating and is not kid friendly." }, { "source": "e2e", "text": "The Mill is a pub that serves fast food. It is located near Caf\u00e9 Sicilia in the center of the city. It is not kid friendly. The price range is moderate and the customer rating is 3 out of 5." }, { "source": "e2e", "text": "The Mill is located in the center of the city near Caf\u00e9 Sicilia. It is a pub that serves fast food and is not kid friendly. The price range is moderate and the customer rating is 3 out of 5." } ] }, { "tripleset": [ [ "The Mill", "eatType", "pub" ], [ "The Mill", "food", "Fast food" ], [ "The Mill", "priceRange", "moderate" ], [ "The Mill", "customer rating", "3 out of 5" ], [ "The Mill", "area", "city centre" ], [ "The Mill", "familyFriendly", "yes" ], [ "The Mill", "near", "Caf\u00e9 Sicilia" ] ], "annotations": [ { "source": "e2e", "text": "A pub called The Mill is kid friendly. It located in the city centre near Caf\u00e9 Sicilia. It offers fast food at moderate prices. It's rated 3 out of 5 by customers." }, { "source": "e2e", "text": "The Mill pub is located in the city centre near Caf\u00e9 Sicilia. It is a kid friendly moderately price establishment which offers fast food. Customers rate it 3 out of 5." } ] }, { "tripleset": [ [ "The Mill", "eatType", "pub" ], [ "The Mill", "food", "Fast food" ], [ "The Mill", "priceRange", "moderate" ], [ "The Mill", "customer rating", "3 out of 5" ], [ "The Mill", "area", "riverside" ], [ "The Mill", "familyFriendly", "no" ], [ "The Mill", "near", "Caf\u00e9 Sicilia" ] ], "annotations": [ { "source": "e2e", "text": "In the riverside area, near Caf\u00e9 Sicilia, there is a fast food pub called The Mill. It is rated 3 out of 5 and is moderately priced but not kid friendly." }, { "source": "e2e", "text": "Near Caf\u00e9 Sicilia, in the riverside area, there is a pub called The Mill. It is rated 3 out of 5 and serves fast food. It is moderately priced an not kid friendly." }, { "source": "e2e", "text": "The Mill, located close to the Fast food Caf\u00e9 Sicilia and riverside, is a moderate priced pub rating 3 out of 5. It is not too kid friendly." } ] }, { "tripleset": [ [ "The Mill", "eatType", "pub" ], [ "The Mill", "food", "Fast food" ], [ "The Mill", "priceRange", "moderate" ], [ "The Mill", "customer rating", "3 out of 5" ], [ "The Mill", "area", "riverside" ], [ "The Mill", "near", "Caf\u00e9 Sicilia" ] ], "annotations": [ { "source": "e2e", "text": "The Mill is a moderately priced pub for adults. Although it is rated 3 out of 5 by customers, it serves fast food and is conveniently located in riverside near Caf\u00e9 Sicilia." }, { "source": "e2e", "text": "The Mill is an average rated pub for adults that serves an array of moderately priced fast food. It is located near Caf\u00e9 Sicilia in riverside." } ] }, { "tripleset": [ [ "The Mill", "eatType", "pub" ], [ "The Mill", "food", "Fast food" ], [ "The Mill", "priceRange", "moderate" ], [ "The Mill", "customer rating", "3 out of 5" ], [ "The Mill", "familyFriendly", "no" ], [ "The Mill", "near", "Caf\u00e9 Sicilia" ] ], "annotations": [ { "source": "e2e", "text": "Moderately priced and located near Caf\u00e9 Sicilia, The Mill is a pub that sells fast food. It has a three out of five customer rating and is not children friendly." } ] }, { "tripleset": [ [ "The Mill", "eatType", "pub" ], [ "The Mill", "food", "Fast food" ], [ "The Mill", "priceRange", "moderate" ], [ "The Mill", "customer rating", "average" ], [ "The Mill", "area", "riverside" ], [ "The Mill", "familyFriendly", "yes" ], [ "The Mill", "near", "Caf\u00e9 Sicilia" ] ], "annotations": [ { "source": "e2e", "text": "The Mill is a family friendly pub with average customer ratings that serves fast food. It is an above average price pub and it is in riverside near Caf\u00e9 Sicilia." } ] }, { "tripleset": [ [ "The Mill", "eatType", "pub" ], [ "The Mill", "food", "Fast food" ], [ "The Mill", "priceRange", "moderate" ], [ "The Mill", "customer rating", "average" ], [ "The Mill", "area", "riverside" ], [ "The Mill", "near", "Caf\u00e9 Sicilia" ] ], "annotations": [ { "source": "e2e", "text": "There is an above average price pub The Mill and they serve fast food. They have average customer ratings and they are in riverside near Caf\u00e9 Sicilia." } ] }, { "tripleset": [ [ "The Mill", "eatType", "pub" ], [ "The Mill", "food", "Fast food" ], [ "The Mill", "priceRange", "moderate" ], [ "The Mill", "customer rating", "low" ], [ "The Mill", "area", "riverside" ], [ "The Mill", "familyFriendly", "no" ], [ "The Mill", "near", "Caf\u00e9 Sicilia" ] ], "annotations": [ { "source": "e2e", "text": "The Mill is a pub offering fast food at moderate prices. Located near the riverside Caf\u00e9 Sicilia it has a low customer rating and does not welcome children." }, { "source": "e2e", "text": "The Mill is a riverside pub offering fast food at average prices. Located near Caf\u00e9 Sicilia, it has a low customer rating and does not welcome children." } ] }, { "tripleset": [ [ "The Mill", "eatType", "pub" ], [ "The Mill", "food", "Fast food" ], [ "The Mill", "priceRange", "more than \u00a330" ], [ "The Mill", "customer rating", "1 out of 5" ], [ "The Mill", "near", "Caf\u00e9 Sicilia" ] ], "annotations": [ { "source": "e2e", "text": "The Mill is a family pub that serves fast food. It is poorly rated and moderately expensive and located near Caf\u00e9 Sicilia." }, { "source": "e2e", "text": "The Mill is a poorly rated, moderately expensive family pub near Caf\u00e9 Sicilia. It serves fast food." } ] }, { "tripleset": [ [ "The Mill", "eatType", "pub" ], [ "The Mill", "food", "Fast food" ], [ "The Mill", "priceRange", "\u00a320-25" ], [ "The Mill", "area", "city centre" ], [ "The Mill", "familyFriendly", "no" ], [ "The Mill", "near", "Caf\u00e9 Rouge" ] ], "annotations": [ { "source": "e2e", "text": "Near Caf\u00e9 Rouge in city centre is the pub The Mill. This adult establishment serves fast food at average prices." }, { "source": "e2e", "text": "With average prices and fast food, The Mill pub can be found in city centre near Caf\u00e9 Rouge. This is not a kid friendly establishment." } ] }, { "tripleset": [ [ "The Mill", "eatType", "pub" ], [ "The Mill", "food", "Fast food" ], [ "The Mill", "priceRange", "\u00a320-25" ], [ "The Mill", "area", "riverside" ], [ "The Mill", "familyFriendly", "yes" ], [ "The Mill", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Mill in riverside with a price Range of \u00a320-25 and is kids Friendly is near the Raja Indian Cuisine is a Fast food pub" }, { "source": "e2e", "text": "The Mill is a pub located near Raja Indian Cuisine at riverside providing fast food. Its price range is \u00a320-25 and it is kids friendly." }, { "source": "e2e", "text": "Near Raja Indian Cuisine at riverside there is a pub called The Mill which provides fast food. It has a price range of \u00a320-25 and is kids friendly." } ] }, { "tripleset": [ [ "The Mill", "eatType", "pub" ], [ "The Mill", "food", "Fast food" ], [ "The Mill", "priceRange", "\u00a320-25" ], [ "The Mill", "customer rating", "high" ], [ "The Mill", "area", "city centre" ], [ "The Mill", "familyFriendly", "no" ], [ "The Mill", "near", "Caf\u00e9 Rouge" ] ], "annotations": [ { "source": "e2e", "text": "A fast food pub near Caf\u00e9 Rouge and in the city centre is The Mill. It has a high customer rating and a price range between \u00a320-25, and it is not kid friendly." }, { "source": "e2e", "text": "The Mill is a fast food pub near Caf\u00e9 Rouge with a price range between \u00a320-25. It has a high customer rating and is near the city centre, but it is not kid friendly." } ] }, { "tripleset": [ [ "The Mill", "eatType", "pub" ], [ "The Mill", "food", "Fast food" ], [ "The Mill", "priceRange", "\u00a320-25" ], [ "The Mill", "customer rating", "high" ], [ "The Mill", "area", "city centre" ], [ "The Mill", "familyFriendly", "yes" ], [ "The Mill", "near", "Caf\u00e9 Rouge" ] ], "annotations": [ { "source": "e2e", "text": "A family-friendly pub that serves fast food with a high customer rating and a price range of \u00a320-25, The Mill, is located in the city centre, near Caf\u00e9 Rouge." } ] }, { "tripleset": [ [ "The Mill", "eatType", "pub" ], [ "The Mill", "food", "Fast food" ], [ "The Mill", "priceRange", "\u00a320-25" ], [ "The Mill", "customer rating", "high" ], [ "The Mill", "area", "riverside" ], [ "The Mill", "familyFriendly", "no" ], [ "The Mill", "near", "Caf\u00e9 Rouge" ] ], "annotations": [ { "source": "e2e", "text": "Near the Caf\u00e9 Rouge in riverside, is a highly-rated fast food and pub known as The Mill. The prices are average, and it is not kid friendly." } ] }, { "tripleset": [ [ "The Mill", "eatType", "pub" ], [ "The Mill", "food", "Fast food" ], [ "The Mill", "priceRange", "\u00a320-25" ], [ "The Mill", "customer rating", "high" ], [ "The Mill", "area", "riverside" ], [ "The Mill", "familyFriendly", "yes" ], [ "The Mill", "near", "Caf\u00e9 Rouge" ] ], "annotations": [ { "source": "e2e", "text": "pub called 'The Mill' is child friendly and has a high customer rating. Has an average price range serving fast food. Located in Riverside near Caf\u00e9 Rouge." } ] }, { "tripleset": [ [ "The Mill", "eatType", "pub" ], [ "The Mill", "food", "Fast food" ], [ "The Mill", "priceRange", "\u00a320-25" ], [ "The Mill", "customer rating", "high" ], [ "The Mill", "area", "riverside" ], [ "The Mill", "near", "Caf\u00e9 Rouge" ] ], "annotations": [ { "source": "e2e", "text": "The Mill is a riverside pub near Caf\u00e9 Rouge. Its fast food is average priced and highly rated." } ] }, { "tripleset": [ [ "The Mill", "eatType", "pub" ], [ "The Mill", "near", "Caf\u00e9 Sicilia" ] ], "annotations": [ { "source": "e2e", "text": "You won't pay much for fries, burgers and soft drinks at The Mill pub, the quality is all right and it is close to Caf\u00e9 Sicilia." } ] }, { "tripleset": [ [ "The Mill", "eatType", "pub" ], [ "The Mill", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Mill its a pub for all family with good food located near Raja Indian Cuisine" } ] }, { "tripleset": [ [ "The Mill", "eatType", "pub" ], [ "The Mill", "priceRange", "cheap" ], [ "The Mill", "area", "city centre" ], [ "The Mill", "familyFriendly", "yes" ], [ "The Mill", "near", "Caf\u00e9 Sicilia" ] ], "annotations": [ { "source": "e2e", "text": "The Mill is a family-friendly affordable pub located north of the city centre by the Caf\u00e9 Sicilia." } ] }, { "tripleset": [ [ "The Mill", "eatType", "pub" ], [ "The Mill", "priceRange", "cheap" ], [ "The Mill", "area", "city centre" ], [ "The Mill", "near", "Caf\u00e9 Rouge" ] ], "annotations": [ { "source": "e2e", "text": "The Mill is a low-priced pub outside the city centre next to Caf\u00e9 Rouge that delivers take-away." } ] }, { "tripleset": [ [ "The Mill", "eatType", "pub" ], [ "The Mill", "priceRange", "cheap" ], [ "The Mill", "area", "city centre" ], [ "The Mill", "near", "Caf\u00e9 Sicilia" ] ], "annotations": [ { "source": "e2e", "text": "The Mill is a low-price pub located north of City centre near Caf\u00e9 Sicilia." } ] }, { "tripleset": [ [ "The Mill", "eatType", "pub" ], [ "The Mill", "priceRange", "cheap" ], [ "The Mill", "area", "riverside" ], [ "The Mill", "familyFriendly", "yes" ], [ "The Mill", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "Family friendly pub The Mill Situated riverside near the Raja Indian Cuisine. Offering great food at cheap prices." } ] }, { "tripleset": [ [ "The Mill", "eatType", "pub" ], [ "The Mill", "priceRange", "cheap" ], [ "The Mill", "area", "riverside" ], [ "The Mill", "near", "Caf\u00e9 Sicilia" ] ], "annotations": [ { "source": "e2e", "text": "The Mill is a low priced pub located near the Caf\u00e9 Sicilia by the river." } ] }, { "tripleset": [ [ "The Mill", "eatType", "pub" ], [ "The Mill", "priceRange", "cheap" ], [ "The Mill", "customer rating", "average" ], [ "The Mill", "area", "city centre" ], [ "The Mill", "familyFriendly", "no" ], [ "The Mill", "near", "Caf\u00e9 Sicilia" ] ], "annotations": [ { "source": "e2e", "text": "The Mill is a Fast-food pub near Caf\u00e9 Sicilia in the center of the city. While the shop holds an average customer rating and has a cheap price range, it is not a family-friendly place." }, { "source": "e2e", "text": "The Mill is a Fast-food pub located in the center of the city near Caf\u00e9 Sicilia. While the prices are cheap, the pub is not family-friendly, although it does hold an average customer rating." } ] }, { "tripleset": [ [ "The Mill", "eatType", "pub" ], [ "The Mill", "priceRange", "cheap" ], [ "The Mill", "customer rating", "average" ], [ "The Mill", "area", "riverside" ], [ "The Mill", "familyFriendly", "yes" ], [ "The Mill", "near", "Caf\u00e9 Sicilia" ] ], "annotations": [ { "source": "e2e", "text": "The Mill is an inexpensive pub which serves burgers and fries located along the river near Caf\u00e9 Sicilia. It has three-stars and is family-friendly." } ] }, { "tripleset": [ [ "The Mill", "eatType", "pub" ], [ "The Mill", "priceRange", "cheap" ], [ "The Mill", "customer rating", "high" ], [ "The Mill", "area", "riverside" ], [ "The Mill", "familyFriendly", "no" ], [ "The Mill", "near", "Caf\u00e9 Rouge" ] ], "annotations": [ { "source": "e2e", "text": "In the riverside, near Caf\u00e9 Rouge, there is The Mill, a cheap highly rated non-kids friendly pub." }, { "source": "e2e", "text": "The Mill is a cheap highly rated non-kids friendly pub, located in the riverside, near Caf\u00e9 Rouge." } ] }, { "tripleset": [ [ "The Mill", "eatType", "pub" ], [ "The Mill", "priceRange", "cheap" ], [ "The Mill", "familyFriendly", "yes" ], [ "The Mill", "near", "Caf\u00e9 Sicilia" ] ], "annotations": [ { "source": "e2e", "text": "The Mill is a low-price family friendly pub located next to Caf\u00e9 Sicilia." } ] }, { "tripleset": [ [ "The Mill", "eatType", "pub" ], [ "The Mill", "priceRange", "cheap" ], [ "The Mill", "near", "Caf\u00e9 Rouge" ] ], "annotations": [ { "source": "e2e", "text": "There is a cheap pub The Mill located next to Caf\u00e9 Rouge that provides take-away deliveries." } ] }, { "tripleset": [ [ "The Mill", "eatType", "pub" ], [ "The Mill", "priceRange", "cheap" ], [ "The Mill", "near", "Caf\u00e9 Sicilia" ] ], "annotations": [ { "source": "e2e", "text": "There is a pub near Caf\u00e9 Sicilia that provides cheap food. It is called The Mill." } ] }, { "tripleset": [ [ "The Mill", "eatType", "pub" ], [ "The Mill", "priceRange", "high" ], [ "The Mill", "customer rating", "1 out of 5" ], [ "The Mill", "area", "riverside" ], [ "The Mill", "familyFriendly", "yes" ], [ "The Mill", "near", "Caf\u00e9 Sicilia" ] ], "annotations": [ { "source": "e2e", "text": "With a high price range and a low customer rating, The Mill is a family friendly pub near Caf\u00e9 Sicilia by a riverside in the City centre." }, { "source": "e2e", "text": "The Mill is a family friendly pub near Caf\u00e9 Sicilia by a riverside in the City centre, with a high price range and low customer rating." } ] }, { "tripleset": [ [ "The Mill", "eatType", "pub" ], [ "The Mill", "priceRange", "high" ], [ "The Mill", "customer rating", "1 out of 5" ], [ "The Mill", "area", "city centre" ], [ "The Mill", "familyFriendly", "no" ], [ "The Mill", "near", "Caf\u00e9 Sicilia" ] ], "annotations": [ { "source": "e2e", "text": "The Mill is a pub situated near Caf\u00e9 Sicilia in the city centre. With a poor customer rating of 1 out of 5, a high price range, and a no for children, it's not the best of options." }, { "source": "e2e", "text": "The Mill is a city centre pub near Caf\u00e9 Sicilia. It doesn't have that much going for it with a score of 1 out of 5 from customers, a high price range, and no, it's not friendly to children." } ] }, { "tripleset": [ [ "The Mill", "eatType", "pub" ], [ "The Mill", "priceRange", "high" ], [ "The Mill", "customer rating", "1 out of 5" ], [ "The Mill", "area", "city centre" ], [ "The Mill", "familyFriendly", "yes" ], [ "The Mill", "near", "Caf\u00e9 Sicilia" ] ], "annotations": [ { "source": "e2e", "text": "The Mill is a more expensive, children-friendly, fast-food pub located near Caf\u00e9 Sicilia in the city centre. Customers have rated the location 1 out of 5." } ] }, { "tripleset": [ [ "The Mill", "eatType", "pub" ], [ "The Mill", "priceRange", "high" ], [ "The Mill", "customer rating", "1 out of 5" ], [ "The Mill", "area", "riverside" ], [ "The Mill", "familyFriendly", "yes" ], [ "The Mill", "near", "Caf\u00e9 Sicilia" ] ], "annotations": [ { "source": "e2e", "text": "The high priced The Mill pub is currently rated 1 out of 5 by its customers. The Mill is located in the riverside area near Caf\u00e9 Sicilia. Yes the Mill is child friendly" }, { "source": "e2e", "text": "The Mill pub is rated 1 out of 5 by its customers. The Mill is high priced. The Mill is situated near Caf\u00e9 Sicilia in the riverside area. Children Friendly - yes." } ] }, { "tripleset": [ [ "The Mill", "eatType", "pub" ], [ "The Mill", "priceRange", "high" ], [ "The Mill", "customer rating", "average" ], [ "The Mill", "area", "riverside" ], [ "The Mill", "familyFriendly", "yes" ], [ "The Mill", "near", "Caf\u00e9 Sicilia" ] ], "annotations": [ { "source": "e2e", "text": "Riverside has a child friendly quick service pub called The Mill. It has a average customer rating and is in the high price range. It is located near Caf\u00e9 Sicilia." }, { "source": "e2e", "text": "The Mill is a fast service pub in Riverside. It is child friendly and is in the high price range. It is located near Caf\u00e9 Sicilia and has an average rating." }, { "source": "e2e", "text": "The Mill is a kid friendly pub, that is high priced with an average customer rating. It is located in the riverside area near Caf\u00e9 Sicilia." } ] }, { "tripleset": [ [ "The Mill", "eatType", "pub" ], [ "The Mill", "priceRange", "high" ], [ "The Mill", "near", "Caf\u00e9 Sicilia" ] ], "annotations": [ { "source": "e2e", "text": "The Mill located in centre city very close of Caf\u00e9 Sicilia, is a pub with a high price range" } ] }, { "tripleset": [ [ "The Mill", "eatType", "pub" ], [ "The Mill", "priceRange", "less than \u00a320" ], [ "The Mill", "area", "city centre" ], [ "The Mill", "familyFriendly", "no" ], [ "The Mill", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "Nearby the city centre and Raja Indian Cuisine, The Mill is a cheap pub that is not family friendly." } ] }, { "tripleset": [ [ "The Mill", "eatType", "pub" ], [ "The Mill", "priceRange", "less than \u00a320" ], [ "The Mill", "area", "city centre" ], [ "The Mill", "familyFriendly", "yes" ], [ "The Mill", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "There is a family friendly pub located near Raja Indian Cuisine in the city centre called The Mill which offers cheap food." }, { "source": "e2e", "text": "The Mill is a family friendly pub located near Raja Indian Cuisine in the city centre which offers cheap food." } ] }, { "tripleset": [ [ "The Mill", "eatType", "pub" ], [ "The Mill", "priceRange", "less than \u00a320" ], [ "The Mill", "area", "city centre" ], [ "The Mill", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Mill is a low-priced family pub located near Raja Indian Cuisine in City Centre" } ] }, { "tripleset": [ [ "The Mill", "eatType", "pub" ], [ "The Mill", "priceRange", "less than \u00a320" ], [ "The Mill", "customer rating", "low" ], [ "The Mill", "area", "city centre" ], [ "The Mill", "familyFriendly", "no" ], [ "The Mill", "near", "Caf\u00e9 Sicilia" ] ], "annotations": [ { "source": "e2e", "text": "Located in the City Centre by Caf\u00e9 Sicilia, with a one star rating from customers, is a pub by the name of The Mill. It's cheap, and for adults only." }, { "source": "e2e", "text": "Near the Caf\u00e9 Sicilia in the City Centre is a low priced, low rated pub named The Mill that isn't family friendly" }, { "source": "e2e", "text": "The Mill is a pub in the City Centre by Caf\u00e9 Sicilia. It is inexpensive, is rated one star by customers, and is not family friendly." } ] }, { "tripleset": [ [ "The Mill", "eatType", "pub" ], [ "The Mill", "priceRange", "less than \u00a320" ], [ "The Mill", "customer rating", "low" ], [ "The Mill", "area", "city centre" ], [ "The Mill", "near", "Caf\u00e9 Sicilia" ] ], "annotations": [ { "source": "e2e", "text": "The Mill pub, near Caf\u00e9 Sicilia in the city centre, has a price range of less than \u00a320 and has a low customer rating." }, { "source": "e2e", "text": "The Mill pub is near Caf\u00e9 Sicilia in the city centre. It has a price range of less than \u00a320 and has a low customer rating." } ] }, { "tripleset": [ [ "The Mill", "eatType", "pub" ], [ "The Mill", "priceRange", "less than \u00a320" ], [ "The Mill", "customer rating", "low" ], [ "The Mill", "area", "riverside" ], [ "The Mill", "familyFriendly", "yes" ], [ "The Mill", "near", "Caf\u00e9 Sicilia" ] ], "annotations": [ { "source": "e2e", "text": "The Mill is a low-priced, 1-star rated, kid friendly pub that serves food, near Caf\u00e9 Sicilia by the river." } ] }, { "tripleset": [ [ "The Mill", "eatType", "pub" ], [ "The Mill", "priceRange", "less than \u00a320" ], [ "The Mill", "customer rating", "low" ], [ "The Mill", "area", "riverside" ], [ "The Mill", "near", "Caf\u00e9 Sicilia" ] ], "annotations": [ { "source": "e2e", "text": "Low-priced food can be found near the river at 1-star rated The Mill pub near Caf\u00e9 Sicilia. Kids are welcomed." } ] }, { "tripleset": [ [ "The Mill", "eatType", "pub" ], [ "The Mill", "priceRange", "less than \u00a320" ], [ "The Mill", "familyFriendly", "yes" ], [ "The Mill", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Mill, a low price family friendly breakfast and pub near Raja Indian Cuisine." }, { "source": "e2e", "text": "Visit The Mill, a low priced family friendly breakfast and pub located near Raja Indian Cuisine." } ] }, { "tripleset": [ [ "The Mill", "eatType", "pub" ], [ "The Mill", "priceRange", "less than \u00a320" ], [ "The Mill", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Mill is a low priced, non family pub located next to Raja Indian Cuisine." }, { "source": "e2e", "text": "Located next to Raja Indian Cuisine, is a non family low priced pub called The Mill." } ] }, { "tripleset": [ [ "The Mill", "eatType", "pub" ], [ "The Mill", "priceRange", "moderate" ], [ "The Mill", "area", "city centre" ], [ "The Mill", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Mill is a moderately priced pub near Raja Indian Cuisine in the city centre. It is not the type of place people bring their kids." }, { "source": "e2e", "text": "There is a pub named The Mill in the city centre. It is near Raja Indian Cuisine, moderately priced and caters to an adult crowd." } ] }, { "tripleset": [ [ "The Mill", "eatType", "pub" ], [ "The Mill", "priceRange", "moderate" ], [ "The Mill", "area", "riverside" ], [ "The Mill", "familyFriendly", "yes" ], [ "The Mill", "near", "Caf\u00e9 Sicilia" ] ], "annotations": [ { "source": "e2e", "text": "Near Caf\u00e9 Sicilia is located The Mill. This can be found in the riverside area. The Mill is a family friendly pub with great prices and average customer service." } ] }, { "tripleset": [ [ "The Mill", "eatType", "pub" ], [ "The Mill", "priceRange", "moderate" ], [ "The Mill", "area", "riverside" ], [ "The Mill", "familyFriendly", "yes" ], [ "The Mill", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Mill pub has moderately priced food and is a kid friendly establishment in the riverside area close to Raja Indian Cuisine." }, { "source": "e2e", "text": "In the Riverside area near Raja Indian Cuisine there's a kid friendly, moderately priced pub named The Mill." } ] }, { "tripleset": [ [ "The Mill", "eatType", "pub" ], [ "The Mill", "priceRange", "moderate" ], [ "The Mill", "customer rating", "1 out of 5" ], [ "The Mill", "area", "city centre" ], [ "The Mill", "familyFriendly", "yes" ], [ "The Mill", "near", "Caf\u00e9 Sicilia" ] ], "annotations": [ { "source": "e2e", "text": "The Mill is a pub, and moderately priced, next to Caf\u00e9 Sicilia at City centre. Rating: 1 out of 5. Kid friendly." } ] }, { "tripleset": [ [ "The Mill", "eatType", "pub" ], [ "The Mill", "priceRange", "moderate" ], [ "The Mill", "customer rating", "3 out of 5" ], [ "The Mill", "area", "city centre" ], [ "The Mill", "familyFriendly", "yes" ], [ "The Mill", "near", "Caf\u00e9 Sicilia" ] ], "annotations": [ { "source": "e2e", "text": "Moderately priced and with an average customer rating, The Mill is a pub close to Caf\u00e9 Sicilia in the city centre. Not recommended for children." } ] }, { "tripleset": [ [ "The Mill", "eatType", "pub" ], [ "The Mill", "priceRange", "moderate" ], [ "The Mill", "customer rating", "average" ], [ "The Mill", "area", "city centre" ], [ "The Mill", "familyFriendly", "no" ], [ "The Mill", "near", "Caf\u00e9 Sicilia" ] ], "annotations": [ { "source": "e2e", "text": "In City centre near Caf\u00e9 Sicilia is The Mill; a non-child friendly pub. Food is fast, Price is high and average customer ratings." } ] }, { "tripleset": [ [ "The Mill", "eatType", "pub" ], [ "The Mill", "priceRange", "moderate" ], [ "The Mill", "familyFriendly", "yes" ], [ "The Mill", "near", "Caf\u00e9 Sicilia" ] ], "annotations": [ { "source": "e2e", "text": "The Mill is a moderately priced pub, located by Caf\u00e9 Sicilia and offers a family friendly atmosphere." }, { "source": "e2e", "text": "The Mill is a pub, located next to Caf\u00e9 Sicilia and is a moderately priced and family friendly." } ] }, { "tripleset": [ [ "The Mill", "eatType", "pub" ], [ "The Mill", "priceRange", "moderate" ], [ "The Mill", "near", "Caf\u00e9 Sicilia" ] ], "annotations": [ { "source": "e2e", "text": "The Mill is a pub by Caf\u00e9 Sicilia at the end of the city which has average prices." } ] }, { "tripleset": [ [ "The Mill", "eatType", "pub" ], [ "The Mill", "priceRange", "\u00a320-25" ], [ "The Mill", "customer rating", "high" ], [ "The Mill", "area", "riverside" ], [ "The Mill", "familyFriendly", "yes" ], [ "The Mill", "near", "Caf\u00e9 Sicilia" ] ], "annotations": [ { "source": "e2e", "text": "Located next to Caf\u00e9 Sicilia on the river in City centre is a five star rated, family friendly pub that serves moderately priced burger and fries called The Mill." } ] }, { "tripleset": [ [ "The Mill", "eatType", "pub" ], [ "The Mill", "priceRange", "\u00a320-25" ], [ "The Mill", "customer rating", "high" ], [ "The Mill", "area", "riverside" ], [ "The Mill", "familyFriendly", "yes" ], [ "The Mill", "near", "Caf\u00e9 Rouge" ] ], "annotations": [ { "source": "e2e", "text": "The Mill is located in Riverside, near Caf\u00e9 Rouge, that provides a kid friendly environment in the \u00a320-25 range - it is a pub with a high customer rating." } ] }, { "tripleset": [ [ "The Mill", "eatType", "restaurant" ], [ "The Mill", "area", "city centre" ], [ "The Mill", "near", "Caf\u00e9 Rouge" ] ], "annotations": [ { "source": "e2e", "text": "Located in the city centre near Caf\u00e9 Rouge is a small restaurant called The Mill. It also serves American food and price is worth the bite." } ] }, { "tripleset": [ [ "The Mill", "eatType", "restaurant" ], [ "The Mill", "area", "riverside" ], [ "The Mill", "familyFriendly", "yes" ], [ "The Mill", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "There is a restaurant on the river called The Mill located near Raja Indian Cuisine. It is family friendly and mid price ranged." } ] }, { "tripleset": [ [ "The Mill", "eatType", "restaurant" ], [ "The Mill", "area", "riverside" ], [ "The Mill", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "There is a restaurant near Raja Indian Cuisine in riverside called The Mill" } ] }, { "tripleset": [ [ "The Mill", "eatType", "restaurant" ], [ "The Mill", "customer rating", "1 out of 5" ], [ "The Mill", "familyFriendly", "yes" ], [ "The Mill", "near", "Caf\u00e9 Rouge" ] ], "annotations": [ { "source": "e2e", "text": "A family friendly restaurant named The Mill is located near Caf\u00e9 Rouge. It has a low customer rating." }, { "source": "e2e", "text": "A family friendly restaurant called The Mill is located near Caf\u00e9 Rouge. It has a low customer rating." } ] }, { "tripleset": [ [ "The Mill", "eatType", "restaurant" ], [ "The Mill", "customer rating", "3 out of 5" ], [ "The Mill", "area", "riverside" ], [ "The Mill", "familyFriendly", "yes" ], [ "The Mill", "near", "Caf\u00e9 Rouge" ] ], "annotations": [ { "source": "e2e", "text": "The riverside area near Caf\u00e9 Rouge has a restaurant that is kids-friendly. It has a price range in The Mill. I give the food a 3 out of 5." }, { "source": "e2e", "text": "The riverside area near Caf\u00e9 Rouge has a restaurant that is kids-friendly. It has a price range in The Mill. I give the food a 3 out of 5." } ] }, { "tripleset": [ [ "The Mill", "eatType", "restaurant" ], [ "The Mill", "customer rating", "low" ], [ "The Mill", "familyFriendly", "no" ], [ "The Mill", "near", "Caf\u00e9 Rouge" ] ], "annotations": [ { "source": "e2e", "text": "The Mill is a restaurant by Caf\u00e9 Rouge. Its low cost, but gets bad reviews, and is adult only." }, { "source": "e2e", "text": "The Mill is a low cost adult only restaurant. It is by Caf\u00e9 Rouge and receives poor reviews." } ] }, { "tripleset": [ [ "The Mill", "eatType", "restaurant" ], [ "The Mill", "customer rating", "low" ], [ "The Mill", "near", "Caf\u00e9 Rouge" ] ], "annotations": [ { "source": "e2e", "text": "The Mill is a restaurant located by Caf\u00e9 Rouge. It has Breakfast and is poor in rating." } ] }, { "tripleset": [ [ "The Mill", "eatType", "restaurant" ], [ "The Mill", "familyFriendly", "no" ], [ "The Mill", "near", "Caf\u00e9 Rouge" ] ], "annotations": [ { "source": "e2e", "text": "The Mill restaurant in Cambridge is not family friendly. It is located east of Caf\u00e9 Rouge." } ] }, { "tripleset": [ [ "The Mill", "eatType", "restaurant" ], [ "The Mill", "familyFriendly", "yes" ], [ "The Mill", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Mill is a family friendly mid price range restaurant located near Raja Indian Cuisine." } ] }, { "tripleset": [ [ "The Mill", "eatType", "restaurant" ], [ "The Mill", "food", "English" ], [ "The Mill", "area", "city centre" ], [ "The Mill", "familyFriendly", "yes" ], [ "The Mill", "near", "Caf\u00e9 Rouge" ] ], "annotations": [ { "source": "e2e", "text": "The Mill is an English restaurant in the town centre by Caf\u00e9 Rouge, it is family-friendly rated 1 out 5 priced moderate." } ] }, { "tripleset": [ [ "The Mill", "eatType", "restaurant" ], [ "The Mill", "food", "English" ], [ "The Mill", "area", "city centre" ], [ "The Mill", "near", "Caf\u00e9 Rouge" ] ], "annotations": [ { "source": "e2e", "text": "The Mill if a restaurant for traditional British food. We're near Caf\u00e9 Rouge at City Centre." }, { "source": "e2e", "text": "The Mill if a restaurant for traditional British food. We're near Caf\u00e9 Rouge at City Centre. Join Us." } ] }, { "tripleset": [ [ "The Mill", "eatType", "restaurant" ], [ "The Mill", "food", "English" ], [ "The Mill", "area", "riverside" ], [ "The Mill", "familyFriendly", "yes" ], [ "The Mill", "near", "Caf\u00e9 Rouge" ] ], "annotations": [ { "source": "e2e", "text": "There is an English restaurant called The Mill. It is near Caf\u00e9 Rouge in the riverside area. It is children friendly and in the above \u00a330 price range." } ] }, { "tripleset": [ [ "The Mill", "eatType", "restaurant" ], [ "The Mill", "food", "English" ], [ "The Mill", "area", "riverside" ], [ "The Mill", "familyFriendly", "yes" ], [ "The Mill", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "Near Raja Indian Cuisine by riverside there is an English restaurant called The Mill. It has prices lower than \u00a320 and is family friendly." }, { "source": "e2e", "text": "The Mill is a family friendly restaurant with prices less that \u00a320. This English restaurant is located by riverside near Raja Indian Cuisine." } ] }, { "tripleset": [ [ "The Mill", "eatType", "restaurant" ], [ "The Mill", "food", "English" ], [ "The Mill", "customer rating", "1 out of 5" ], [ "The Mill", "area", "city centre" ], [ "The Mill", "familyFriendly", "yes" ], [ "The Mill", "near", "Caf\u00e9 Rouge" ] ], "annotations": [ { "source": "e2e", "text": "In the city centre near Caf\u00e9 Rouge is a kid friendly English food restaurant called The Mill. It is rate 1 out of 5 stars." }, { "source": "e2e", "text": "By Caf\u00e9 Rouge in city centre is The Mill British restaurant, family-friendly rated 1 out of 5." } ] }, { "tripleset": [ [ "The Mill", "eatType", "restaurant" ], [ "The Mill", "food", "English" ], [ "The Mill", "customer rating", "1 out of 5" ], [ "The Mill", "area", "riverside" ], [ "The Mill", "familyFriendly", "no" ], [ "The Mill", "near", "Caf\u00e9 Rouge" ] ], "annotations": [ { "source": "e2e", "text": "Near Caf\u00e9 Rouge by the riverside area there is a restaurant that serves English food, not kid friendly, moderating pricing and has a customer rating of 1 out of 5 that is called The Mill." } ] }, { "tripleset": [ [ "The Mill", "eatType", "restaurant" ], [ "The Mill", "food", "English" ], [ "The Mill", "customer rating", "1 out of 5" ], [ "The Mill", "area", "riverside" ], [ "The Mill", "familyFriendly", "yes" ], [ "The Mill", "near", "Caf\u00e9 Rouge" ] ], "annotations": [ { "source": "e2e", "text": "The Mill is an English restaurant located next to Caf\u00e9 Rouge and in the riverside area. Customers give this restaurant a 1 out of 5 rating. The Mill is a kid friendly place with moderate pricing." } ] }, { "tripleset": [ [ "The Mill", "eatType", "restaurant" ], [ "The Mill", "food", "English" ], [ "The Mill", "customer rating", "high" ], [ "The Mill", "area", "city centre" ], [ "The Mill", "familyFriendly", "no" ], [ "The Mill", "near", "Caf\u00e9 Rouge" ] ], "annotations": [ { "source": "e2e", "text": "The Mill is a high customer rating restaurant that is not children friendly. It's near the city centre and Caf\u00e9 Rouge. The menu serves English food and is usually more \u00a330, but it's worth it." }, { "source": "e2e", "text": "If you are searching for an English restaurant near the city centre and Caf\u00e9 Rouge, The Mill is a high customer rating place to go. It is not children friendly place and it has a \u00a330 and over menu, but you might want to check it out." } ] }, { "tripleset": [ [ "The Mill", "eatType", "restaurant" ], [ "The Mill", "food", "English" ], [ "The Mill", "customer rating", "high" ], [ "The Mill", "area", "riverside" ], [ "The Mill", "familyFriendly", "no" ], [ "The Mill", "near", "Caf\u00e9 Rouge" ] ], "annotations": [ { "source": "e2e", "text": "A restaurant in the riverside area, near Caf\u00e9 Rouge, serving English food is The Mill. The shop has a high customer rating, isn't child friendly, and serves food at a \u00a330 price minimum." } ] }, { "tripleset": [ [ "The Mill", "eatType", "restaurant" ], [ "The Mill", "food", "English" ], [ "The Mill", "customer rating", "high" ], [ "The Mill", "area", "riverside" ], [ "The Mill", "familyFriendly", "yes" ], [ "The Mill", "near", "Caf\u00e9 Rouge" ] ], "annotations": [ { "source": "e2e", "text": "There's a children friendly restaurant near Caf\u00e9 Rouge with high customer rating called The Mill. They serve English food with a price range of more than \u00a330 in riverside." } ] }, { "tripleset": [ [ "The Mill", "eatType", "restaurant" ], [ "The Mill", "food", "English" ], [ "The Mill", "customer rating", "high" ], [ "The Mill", "area", "riverside" ], [ "The Mill", "near", "Caf\u00e9 Rouge" ] ], "annotations": [ { "source": "e2e", "text": "The Mill is a restaurant in the riverside area, near Caf\u00e9 Rouge that has a high customer rating. They serve English food at a \u00a330 minimum, and aren't friendly to children." } ] }, { "tripleset": [ [ "The Mill", "eatType", "restaurant" ], [ "The Mill", "food", "English" ], [ "The Mill", "familyFriendly", "no" ], [ "The Mill", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Mill is a Luton based adults only restaurant, sited near Raja Indian Cuisine serving English food in the mid range bracket." } ] }, { "tripleset": [ [ "The Mill", "eatType", "restaurant" ], [ "The Mill", "food", "English" ], [ "The Mill", "familyFriendly", "yes" ], [ "The Mill", "near", "Caf\u00e9 Rouge" ] ], "annotations": [ { "source": "e2e", "text": "The Mill is a higher priced, family friendly restaurant serving traditional English food. It is located near the Caf\u00e9 Rouge." }, { "source": "e2e", "text": "Near the Caf\u00e9 Rouge is a restaurant called, The Mill, that serves traditional English food. It is higher priced and suitable for families." } ] }, { "tripleset": [ [ "The Mill", "eatType", "restaurant" ], [ "The Mill", "food", "English" ], [ "The Mill", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "A family restaurant in the mid price range called The Mill can be found by a river near Raja Indian Cuisine. The Mill serves British cuisine." }, { "source": "e2e", "text": "You can enjoy British cuisine at The Mill, a family restaurant in the mid-price range by a river and near Raja Indian Cuisine." } ] }, { "tripleset": [ [ "The Mill", "eatType", "restaurant" ], [ "The Mill", "food", "English" ], [ "The Mill", "priceRange", "high" ], [ "The Mill", "area", "riverside" ], [ "The Mill", "familyFriendly", "yes" ], [ "The Mill", "near", "Caf\u00e9 Rouge" ] ], "annotations": [ { "source": "e2e", "text": "Located on the riverside, near Caf\u00e9 Rouge, The Mill is a high priced English restaurant with moderate ratings and a family friendly atmosphere." } ] }, { "tripleset": [ [ "The Mill", "eatType", "restaurant" ], [ "The Mill", "food", "English" ], [ "The Mill", "priceRange", "high" ], [ "The Mill", "area", "riverside" ], [ "The Mill", "familyFriendly", "yes" ], [ "The Mill", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Mill is a child friendly restaurant near to Raja Indian Cuisine in the riverside area. They serve English food. The price range is high" }, { "source": "e2e", "text": "The Mill is a restaurant near Raja Indian Cuisine and offers English food and is child friendly. It is in riverside and is expensive." }, { "source": "e2e", "text": "The Mill is a restaurant near to Raja Indian Cuisine which resides in the riverside are. It's child friendly and serves English food. The price range is high" }, { "source": "e2e", "text": "There is an English restaurant name The Mill in the riverside area. It is near Raja Indian Cuisine, it is expensive, and it is children friendly." }, { "source": "e2e", "text": "There is an expensive child friendly restaurant in riverside called The Mill that offers English food and it's near Raja Indian Cuisine." }, { "source": "e2e", "text": "There is a children friendly English restaurant in the riverside area. It is high price range. It is called The Mill, and is located near Raja Indian Cuisine." }, { "source": "e2e", "text": "The Mill is a high priced restaurant, that offers English food and is kid friendly. It is located in the riverside area, near Raja Indian Cuisine." } ] }, { "tripleset": [ [ "The Mill", "eatType", "restaurant" ], [ "The Mill", "food", "English" ], [ "The Mill", "priceRange", "high" ], [ "The Mill", "customer rating", "average" ], [ "The Mill", "area", "riverside" ], [ "The Mill", "familyFriendly", "yes" ], [ "The Mill", "near", "Caf\u00e9 Rouge" ] ], "annotations": [ { "source": "e2e", "text": "The Mill has an average customer rating and a high price range. It is a child friendly restaurant which serves English food in riverside near Caf\u00e9 Rouge." }, { "source": "e2e", "text": "The Mill is a child friendly restaurant with English food. It has an average customer rating and a high price range. It is near Caf\u00e9 Rouge in riverside." } ] }, { "tripleset": [ [ "The Mill", "eatType", "restaurant" ], [ "The Mill", "food", "English" ], [ "The Mill", "priceRange", "high" ], [ "The Mill", "customer rating", "average" ], [ "The Mill", "area", "riverside" ], [ "The Mill", "familyFriendly", "yes" ], [ "The Mill", "near", "Caf\u00e9 Rouge" ] ], "annotations": [ { "source": "e2e", "text": "The Mill is a restaurant along the riverside near Caf\u00e9 Rouge it serves English food in the high price range. It is child friendly and has an average customer rating." }, { "source": "e2e", "text": "The Mill is a restaurant along the riverside near Caf\u00e9 Rouge. It is child friendly and has an average customer rating. It serves English food in the high price range" }, { "source": "e2e", "text": "Caf\u00e9 Rouge is in the riverside area and is children friendly with an average customer rating instead of The Mill which is a restaurant with English food and a high price range." }, { "source": "e2e", "text": "Caf\u00e9 Rouge is children friendly in the riverside area and has an average customer rating as opposed to a restaurant with English food and a high price range called The Mill." } ] }, { "tripleset": [ [ "The Mill", "eatType", "restaurant" ], [ "The Mill", "food", "English" ], [ "The Mill", "priceRange", "high" ], [ "The Mill", "customer rating", "average" ], [ "The Mill", "familyFriendly", "yes" ], [ "The Mill", "near", "Caf\u00e9 Rouge" ] ], "annotations": [ { "source": "e2e", "text": "The Mill is located just below the river, near Caf\u00e9 Rouge. It serves high priced British food. This restaurant is family friendly and rated three stars." }, { "source": "e2e", "text": "The Mill is a high priced restaurant offering British food. It is family friendly and rated three stars. It can be found just below the River near Caf\u00e9 Rouge." } ] }, { "tripleset": [ [ "The Mill", "eatType", "restaurant" ], [ "The Mill", "food", "English" ], [ "The Mill", "priceRange", "high" ], [ "The Mill", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Mill' is a restaurant that serves expensive British food . It is located near Raja Indian Cuisine." } ] }, { "tripleset": [ [ "The Mill", "eatType", "restaurant" ], [ "The Mill", "food", "English" ], [ "The Mill", "priceRange", "less than \u00a320" ], [ "The Mill", "area", "city centre" ], [ "The Mill", "familyFriendly", "no" ], [ "The Mill", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Mill is a low price restaurant offering traditional English food near Raja Indian Cuisine in the city center. It's not family-friendly." } ] }, { "tripleset": [ [ "The Mill", "eatType", "restaurant" ], [ "The Mill", "food", "English" ], [ "The Mill", "priceRange", "less than \u00a320" ], [ "The Mill", "area", "city centre" ], [ "The Mill", "familyFriendly", "yes" ], [ "The Mill", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Mill, a family-friendly restaurant offers English food at affordable prices. The Mill is located in the city centre near Raja Indian Cuisine." }, { "source": "e2e", "text": "There is a family-friendly restaurant called The Mill in the city centre near Raja Indian Cuisine. It serves English food in low price range." }, { "source": "e2e", "text": "The Mill is near Raja Indian Cuisine in the city centre area. It is family-friendly and has a price range of less than \u00a320. It serves English food and is a restaurant." }, { "source": "e2e", "text": "The Mill is a cheap, family-friendly, restaurant serving English food. They are near to Raja Indian Cuisine in the city centre." }, { "source": "e2e", "text": "The Mill is an English restaurant near Raja Indian Cuisine in the city centre. It sells things for less than \u00a320 and is family-friendly." }, { "source": "e2e", "text": "The Mill is a cheap English restaurant. It is in the city centre near Raja Indian Cuisine. It is family-friendly." } ] }, { "tripleset": [ [ "The Mill", "eatType", "restaurant" ], [ "The Mill", "food", "English" ], [ "The Mill", "priceRange", "less than \u00a320" ], [ "The Mill", "area", "city centre" ], [ "The Mill", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "If you want some traditional English food and are in the city center near Raja Indian Cuisine, check out The Mill restaurant for cheap eats - just don't bring your kids." } ] }, { "tripleset": [ [ "The Mill", "eatType", "restaurant" ], [ "The Mill", "food", "English" ], [ "The Mill", "priceRange", "less than \u00a320" ], [ "The Mill", "area", "riverside" ], [ "The Mill", "familyFriendly", "no" ], [ "The Mill", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Mill' is a restaurant located on the riverside, near 'Raja Indian Cuisine'. They serve English food and a price range of less than \u00a320, and are not family-friendly." }, { "source": "e2e", "text": "there is a adults only cheap restaurant The Mill serving English food located in the riverside area near Raja Indian Cuisine" }, { "source": "e2e", "text": "A cheap English restaurant in the riverside area near Raja Indian Cuisine is called The Mill. It isn't family-friendly." }, { "source": "e2e", "text": "there is a cheap restaurant The Mill serving English food located in the riverside area near Raja Indian Cuisine adults only" }, { "source": "e2e", "text": "The Mill is a cheap English restaurant in the riverside area near Raja Indian Cuisine. It isn't family-friendly." }, { "source": "e2e", "text": "The restaurant 'The Mill' is located on the riverside, near 'Raja Indian Cuisine'. They serve English food and a price range of less than \u00a320, and are not family-friendly." } ] }, { "tripleset": [ [ "The Mill", "eatType", "restaurant" ], [ "The Mill", "food", "English" ], [ "The Mill", "priceRange", "less than \u00a320" ], [ "The Mill", "area", "riverside" ], [ "The Mill", "familyFriendly", "yes" ], [ "The Mill", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "There is an inexpensive and family friendly restaurant serving English fare near Raja Indian Cuisine in riverside called The Mill." }, { "source": "e2e", "text": "The Mill restaurant offers a family friendly environment with a price range of less than \u00a320. We offer English food near Raja Indian Cuisine in the riverside area." }, { "source": "e2e", "text": "For under \u00a320 you can eat at The Mill in riverside. It's a family friendly restaurant near Raja Indian Cuisine that serves English cuisine." }, { "source": "e2e", "text": "Come to the riverside area near Raja Indian Cuisine and enjoy our restaurant here at The Mill. We are family friendly, feature English food and have a price range of less than \u00a320." } ] }, { "tripleset": [ [ "The Mill", "eatType", "restaurant" ], [ "The Mill", "food", "English" ], [ "The Mill", "priceRange", "less than \u00a320" ], [ "The Mill", "area", "riverside" ], [ "The Mill", "near", "Caf\u00e9 Rouge" ] ], "annotations": [ { "source": "e2e", "text": "The Mill ate at the restaurant with his English family for less than \u00a320 at Caf\u00e9 Rouge near riverside at low no." } ] }, { "tripleset": [ [ "The Mill", "eatType", "restaurant" ], [ "The Mill", "food", "English" ], [ "The Mill", "priceRange", "less than \u00a320" ], [ "The Mill", "customer rating", "low" ], [ "The Mill", "area", "city centre" ], [ "The Mill", "familyFriendly", "no" ], [ "The Mill", "near", "Caf\u00e9 Rouge" ] ], "annotations": [ { "source": "e2e", "text": "The Mill is restaurant in the city centre, near Caf\u00e9 Rouge, serving low-priced English food . It is has a low customer rating and is not family-friendly." } ] }, { "tripleset": [ [ "The Mill", "eatType", "restaurant" ], [ "The Mill", "food", "English" ], [ "The Mill", "priceRange", "less than \u00a320" ], [ "The Mill", "customer rating", "low" ], [ "The Mill", "area", "city centre" ], [ "The Mill", "familyFriendly", "yes" ], [ "The Mill", "near", "Caf\u00e9 Rouge" ] ], "annotations": [ { "source": "e2e", "text": "The Mill is a family-friendly, low price range restaurant serving English food. It is located in the town centre near Caf\u00e9 Rouge and has a low customer rating." }, { "source": "e2e", "text": "The Mill is a restaurant which serves English food and is located in the city centre near Caf\u00e9 Rouge. It is family-friendly, has meals less than 20 pounds, but has a low customer rating." }, { "source": "e2e", "text": "Despite having a low customer rating, The Mill is a family-friendly English restaurant with meals less than 20 pounds. It is located in the city centre near Caf\u00e9 Rouge." }, { "source": "e2e", "text": "The Mill restaurant is a family-friendly restaurant that provides English food in a low price range. It is located near Caf\u00e9 Rouge in the city centre and has a low customer rating." } ] }, { "tripleset": [ [ "The Mill", "eatType", "restaurant" ], [ "The Mill", "food", "English" ], [ "The Mill", "priceRange", "less than \u00a320" ], [ "The Mill", "customer rating", "low" ], [ "The Mill", "area", "city centre" ], [ "The Mill", "near", "Caf\u00e9 Rouge" ] ], "annotations": [ { "source": "e2e", "text": "The Mill, located in city centre near Caf\u00e9 Rouge, It is a restaurant with great prices but received a low customer rating. They serve English food." }, { "source": "e2e", "text": "Located in city centre near Caf\u00e9 Rouge, The Mill is a restaurant that serves English food at a great price but received a low customer rating." } ] }, { "tripleset": [ [ "The Mill", "eatType", "restaurant" ], [ "The Mill", "food", "English" ], [ "The Mill", "priceRange", "less than \u00a320" ], [ "The Mill", "customer rating", "low" ], [ "The Mill", "area", "riverside" ], [ "The Mill", "familyFriendly", "no" ], [ "The Mill", "near", "Caf\u00e9 Rouge" ] ], "annotations": [ { "source": "e2e", "text": "The Mill restaurant near Caf\u00e9 Rouge in Riverside serves English meals under \u00a320. It is not family-friendly and has a low customer rating." } ] }, { "tripleset": [ [ "The Mill", "eatType", "restaurant" ], [ "The Mill", "food", "English" ], [ "The Mill", "priceRange", "less than \u00a320" ], [ "The Mill", "customer rating", "low" ], [ "The Mill", "area", "riverside" ], [ "The Mill", "familyFriendly", "yes" ], [ "The Mill", "near", "Caf\u00e9 Rouge" ] ], "annotations": [ { "source": "e2e", "text": "The Mill is located in the riverside area near Caf\u00e9 Rouge. The Mill is an English, family friendly restaurant with low customer rating. Their prices are less than \u00a320." }, { "source": "e2e", "text": "The Mill, a family friendly restaurant located by the riverside near Caf\u00e9 Rouge serves English food for less than \u00a320, it has been low-rated." }, { "source": "e2e", "text": "The Mill is a family friendly restaurant with prices less than \u00a320. They serve English food. They are in the riverside area near Caf\u00e9 Rouge. The Mill's customer rating is low." }, { "source": "e2e", "text": "The Mill is a family friendly restaurant which serves English food within a price range of less than \u00a320, but has low customer rating. It is located near Caf\u00e9 Rouge in the riverside area." }, { "source": "e2e", "text": "Along the riverside, near to Caf\u00e9 Rouge, there is a family friendly restaurant, called The Mill, which serves English food costing less than \u00a320. It has a low customer rating." } ] }, { "tripleset": [ [ "The Mill", "eatType", "restaurant" ], [ "The Mill", "food", "English" ], [ "The Mill", "priceRange", "less than \u00a320" ], [ "The Mill", "customer rating", "low" ], [ "The Mill", "area", "riverside" ], [ "The Mill", "near", "Caf\u00e9 Rouge" ] ], "annotations": [ { "source": "e2e", "text": "The Mill is a restaurant which serves English food for less than \u00a320 but has a low customer rating. It is located near Caf\u00e9 Rouge in riverside" }, { "source": "e2e", "text": "The Mill is a restaurant which serves English food for less than \u00a320 but has a low customer rating. It is located near Caf\u00e9 Rouge in riverside" } ] }, { "tripleset": [ [ "The Mill", "eatType", "restaurant" ], [ "The Mill", "food", "English" ], [ "The Mill", "priceRange", "less than \u00a320" ], [ "The Mill", "near", "Caf\u00e9 Rouge" ] ], "annotations": [ { "source": "e2e", "text": "The Mill kept eating English people and Caf\u00e9 Rouge said no, the family ate the Mill for less than \u00a320 at a restaurant." } ] }, { "tripleset": [ [ "The Mill", "eatType", "restaurant" ], [ "The Mill", "food", "English" ], [ "The Mill", "priceRange", "moderate" ], [ "The Mill", "area", "city centre" ], [ "The Mill", "familyFriendly", "yes" ], [ "The Mill", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Mill, Is a restaurant and is family-friendly, cheap and reasonable priced is very good for the family , We provide full English food. Located near Raja Indian Cuisine In the city centre." }, { "source": "e2e", "text": "The Mill, Is a restaurant and is family-friendly, cheap and reasonable priced is very good for the family , We provide full English food. Located near Raja Indian Cuisine In the city centre." } ] }, { "tripleset": [ [ "The Mill", "eatType", "restaurant" ], [ "The Mill", "food", "English" ], [ "The Mill", "priceRange", "moderate" ], [ "The Mill", "area", "city centre" ], [ "The Mill", "familyFriendly", "no" ], [ "The Mill", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "A restaurant which serve English food in the city centre near the Raja Indian Cuisine is a restaurant called The Mill with a moderate price range and not kids friendly place." }, { "source": "e2e", "text": "The Mill is a non kids friendly restaurant, that has moderate price ranged English food. It is located near Raja Indian Cuisine in the city center." }, { "source": "e2e", "text": "The Mill is a restaurant which serve English food. The location is near the Raja Indian Cuisine in the city centre area. The place is a not kids friendly with a moderate price range." }, { "source": "e2e", "text": "In the city center near Raja Indian Cuisine, there is a non kids friendly restaurant named, The Mill. The price range is moderate and they have English food." } ] }, { "tripleset": [ [ "The Mill", "eatType", "restaurant" ], [ "The Mill", "food", "English" ], [ "The Mill", "priceRange", "moderate" ], [ "The Mill", "area", "city centre" ], [ "The Mill", "familyFriendly", "yes" ], [ "The Mill", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "There is a moderately priced English food restaurant called The Mill that is kid friendly near Raja Indian Cuisine in the city centre." }, { "source": "e2e", "text": "The Mill is a restaurant with moderate price featuring English food and is Kid Friendly and is located near Raja Indian Cuisine in the city centre." }, { "source": "e2e", "text": "In the city centre, near Raja Indian Cuisine, there is an English restaurant named The Mill. It is in the moderate price range and it is child-friendly." }, { "source": "e2e", "text": "The Mill is a child-friendly, moderately-priced English restaurant. It is located in the centre of the city, near Raja Indian Cuisine." }, { "source": "e2e", "text": "Welcome to The Mill. We are a restaurant, our price range is moderate, our food is English we're kid friendly located in the city centre by the Raja Indian Cuisine. We have a disclaimer by the door, we wrestle and any blood stains we do not cover." }, { "source": "e2e", "text": "Welcome to The Mill. We are a restaurant, our price range is moderate, our food is English we're kid friendly located in the city centre by the Raja Indian Cuisine. We have a disclaimer by the door, we wrestle and any blood stains we do not cover." } ] }, { "tripleset": [ [ "The Mill", "eatType", "restaurant" ], [ "The Mill", "food", "English" ], [ "The Mill", "priceRange", "moderate" ], [ "The Mill", "area", "riverside" ], [ "The Mill", "familyFriendly", "no" ], [ "The Mill", "near", "Caf\u00e9 Rouge" ] ], "annotations": [ { "source": "e2e", "text": "The Mill restaurant is moderate price range, is not kid friendly serves English food, has a 1 out 5 customer rating. It's near Caf\u00e9 Rouge in the riverside area." } ] }, { "tripleset": [ [ "The Mill", "eatType", "restaurant" ], [ "The Mill", "food", "English" ], [ "The Mill", "priceRange", "moderate" ], [ "The Mill", "area", "riverside" ], [ "The Mill", "familyFriendly", "no" ], [ "The Mill", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Mill is a restaurant located in riverside near Raja Indian Cuisine. It offers English food with a moderate price range. It is not a kid friendly establishment." }, { "source": "e2e", "text": "The Mill is a restaurant located in riverside near Raja Indian Cuisine. It offers English food with a moderate price range. It is not a kid friendly establishment." }, { "source": "e2e", "text": "The Mill is a restaurant providing English Food. It is located in riverside near Raja Indian Cuisine. Moderate price range and no kids friendly." } ] }, { "tripleset": [ [ "The Mill", "eatType", "restaurant" ], [ "The Mill", "food", "English" ], [ "The Mill", "priceRange", "moderate" ], [ "The Mill", "area", "riverside" ], [ "The Mill", "familyFriendly", "yes" ], [ "The Mill", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "Come to The Mill where they serve moderately priced English food. It is a riverside restaurant near Raja Indian Cuisine and is great for children." }, { "source": "e2e", "text": "The Mill is a restaurant that serves English style food. It is moderately priced and kid friendly. It is located on the riverside near Raja Indian Cuisine." }, { "source": "e2e", "text": "The Mill is an English restaurant near riverside near Raja Indian Cuisine. Its price range is moderate and it's kids-friendly." }, { "source": "e2e", "text": "restaurant, The Mill, is located on the riverside near Raja Indian Cuisine. It serves English style food and is moderately priced. It is also kid friendly." }, { "source": "e2e", "text": "Located in the riverside area near Raja Indian Cuisine, The Mill is a restaurant that serves English food within a moderate price range and is kid friendly." }, { "source": "e2e", "text": "The Mill is a kid friendly restaurant that serves English food with a moderate price range. They are located near the restaurant Raja Indian Cuisine in riverside." }, { "source": "e2e", "text": "The Mill is a kid friendly, moderately priced, restaurant that serves English food. It is located near Raja Indian Cuisine in riverside." }, { "source": "e2e", "text": "Near Raja Indian Cuisine is a riverside restaurant serving English food called The Mill. The prices are moderate and it is kid friendly." }, { "source": "e2e", "text": "The Mill is a child-friendly restaurant situated by the riverside. It is near Raja Indian Cuisine, and serves English food for a higher-than-average price." } ] }, { "tripleset": [ [ "The Mill", "eatType", "restaurant" ], [ "The Mill", "food", "English" ], [ "The Mill", "priceRange", "moderate" ], [ "The Mill", "area", "riverside" ], [ "The Mill", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Mill is a restaurant providing English Food. It is located in riverside near Raja Indian Cuisine. Moderate price range." } ] }, { "tripleset": [ [ "The Mill", "eatType", "restaurant" ], [ "The Mill", "food", "English" ], [ "The Mill", "priceRange", "moderate" ], [ "The Mill", "customer rating", "1 out of 5" ], [ "The Mill", "area", "city centre" ], [ "The Mill", "familyFriendly", "no" ], [ "The Mill", "near", "Caf\u00e9 Rouge" ] ], "annotations": [ { "source": "e2e", "text": "There is a restaurant in the city centre called The Mill, located near Caf\u00e9 Rouge. It serves English food and it is moderately priced. It is not kids-friendly and has a customer rating of 1 out of 5." }, { "source": "e2e", "text": "The Mill is a moderately priced restaurant with a low customer rating. It serves English food and is located close to Caf\u00e9 Rouge in the city centre. It is not suitable for families with children." }, { "source": "e2e", "text": "The Mill is a restaurant in the city centre near Caf\u00e9 Rouge serving English food at a moderate price. It has a customer rating of 1 out of 5 and it is not kids-friendly." } ] }, { "tripleset": [ [ "The Mill", "eatType", "restaurant" ], [ "The Mill", "food", "English" ], [ "The Mill", "priceRange", "moderate" ], [ "The Mill", "customer rating", "1 out of 5" ], [ "The Mill", "area", "city centre" ], [ "The Mill", "familyFriendly", "yes" ], [ "The Mill", "near", "Caf\u00e9 Rouge" ] ], "annotations": [ { "source": "e2e", "text": "A none kids friendly place with a customer rating of 1 out of 5 is a restaurant which serve English food a moderate price range. The Mill is located in the city centre near Caf\u00e9 Rouge." }, { "source": "e2e", "text": "The Mill is a restaurant also do English food. A moderate price range, none kids friendly place with a poor 1 out of 5 customer rating. You can find this place in the city centre near Caf\u00e9 Rouge." }, { "source": "e2e", "text": "Near Caf\u00e9 Rouge in the city centre is a restaurant called The Mill serving moderately priced English food. Customer ratings are low and it does not cater for children." } ] }, { "tripleset": [ [ "The Mill", "eatType", "restaurant" ], [ "The Mill", "food", "English" ], [ "The Mill", "priceRange", "moderate" ], [ "The Mill", "customer rating", "1 out of 5" ], [ "The Mill", "area", "city centre" ], [ "The Mill", "near", "Caf\u00e9 Rouge" ] ], "annotations": [ { "source": "e2e", "text": "The Mill is a low-rated restaurant near Caf\u00e9 Rouge in the city center. It serves moderately priced English food." } ] }, { "tripleset": [ [ "The Mill", "eatType", "restaurant" ], [ "The Mill", "food", "English" ], [ "The Mill", "priceRange", "moderate" ], [ "The Mill", "customer rating", "1 out of 5" ], [ "The Mill", "area", "riverside" ], [ "The Mill", "familyFriendly", "no" ], [ "The Mill", "near", "Caf\u00e9 Rouge" ] ], "annotations": [ { "source": "e2e", "text": "The Mill is a restaurant the is moderate price range that serves English food, not kid friendly and has a customer rating of 1 out of 5 near Caf\u00e9 Rouge by the riverside area." }, { "source": "e2e", "text": "Located in riverside near Caf\u00e9 Rouge The Mill restaurant, in the moderate price range, they serve English food. They are not kid friendly they have 1 out of 5 customer rating." }, { "source": "e2e", "text": "The Mill is a restaurant with a moderate price range. They serve English food and is not kids friendly. It has a customer rating of 1 out of 5. It's near Caf\u00e9 Rouge, in riverside." } ] }, { "tripleset": [ [ "The Mill", "eatType", "restaurant" ], [ "The Mill", "food", "English" ], [ "The Mill", "priceRange", "moderate" ], [ "The Mill", "customer rating", "1 out of 5" ], [ "The Mill", "area", "riverside" ], [ "The Mill", "familyFriendly", "yes" ], [ "The Mill", "near", "Caf\u00e9 Rouge" ] ], "annotations": [ { "source": "e2e", "text": "The Mill is a kid friendly restaurant with moderate prices. The Mill is located in the riverside near Caf\u00e9 Rouge. The Mill provides English style food and customers give them a 1 out of 5 rating." }, { "source": "e2e", "text": "The Mill is a one-star restaurant that offers English breakfast. It is family-friendly, moderately priced and is located near the Caf\u00e9 Rouge by the river." }, { "source": "e2e", "text": "The Mill restaurant serves English food. It is near Caf\u00e9 Rouge, in the riverside area. It is in the moderate price range and is kid friendly. The customer rating is a 1 out of 5." } ] }, { "tripleset": [ [ "The Mill", "eatType", "restaurant" ], [ "The Mill", "food", "English" ], [ "The Mill", "priceRange", "moderate" ], [ "The Mill", "customer rating", "1 out of 5" ], [ "The Mill", "area", "riverside" ], [ "The Mill", "near", "Caf\u00e9 Rouge" ] ], "annotations": [ { "source": "e2e", "text": "The Mill is in riverside near Caf\u00e9 Rouge. It's a restaurant with a customer rating of 1 out of 5. It has a moderate price range and serves English food." } ] }, { "tripleset": [ [ "The Mill", "eatType", "restaurant" ], [ "The Mill", "food", "English" ], [ "The Mill", "priceRange", "moderate" ], [ "The Mill", "customer rating", "3 out of 5" ], [ "The Mill", "area", "city centre" ], [ "The Mill", "familyFriendly", "yes" ], [ "The Mill", "near", "Caf\u00e9 Rouge" ] ], "annotations": [ { "source": "e2e", "text": "The Mill restaurant is moderate priced English good rated 1 out of 5 stars. It is in the city centre near Caf\u00e9 Rouge and is kid friendly." } ] }, { "tripleset": [ [ "The Mill", "eatType", "restaurant" ], [ "The Mill", "food", "English" ], [ "The Mill", "priceRange", "moderate" ], [ "The Mill", "customer rating", "3 out of 5" ], [ "The Mill", "area", "city centre" ], [ "The Mill", "familyFriendly", "no" ], [ "The Mill", "near", "Caf\u00e9 Rouge" ] ], "annotations": [ { "source": "e2e", "text": "Located near Caf\u00e9 Rouge, at the city centre, The Mill is a restaurant that serves English food. The price range is moderate and the customer rating is 3 out of 5. It's not kids-friendly." }, { "source": "e2e", "text": "The Mill is a restaurant that isn't kids-friendly. Located near Caf\u00e9 Rouge, at the city centre, it serves English food. The price range is moderate and the customer rating is 3 out of 5." }, { "source": "e2e", "text": "The Mill is a restaurant near Caf\u00e9 Rouge and the city centre. It is not family-friendly and the price range is moderate. It serves English food and the customer rating is 3 out of 5." }, { "source": "e2e", "text": "If you are searching for a not family-friendly restaurant that serves English food near Caf\u00e9 Rouge and the city centre, The Mill might be for you. The price range is moderate, and their customer rating is 3 out of 5." } ] }, { "tripleset": [ [ "The Mill", "eatType", "restaurant" ], [ "The Mill", "food", "English" ], [ "The Mill", "priceRange", "moderate" ], [ "The Mill", "customer rating", "3 out of 5" ], [ "The Mill", "area", "city centre" ], [ "The Mill", "familyFriendly", "yes" ], [ "The Mill", "near", "Caf\u00e9 Rouge" ] ], "annotations": [ { "source": "e2e", "text": "Serving moderately priced English food with a 3 out of 5 customer approval, The Mill restaurant is kid friendly and conveniently located at the city centre near the Caf\u00e9 Rouge." }, { "source": "e2e", "text": "The Mill is a moderately priced family-friendly restaurant serving English food. Located at the city centre near the Caf\u00e9 Rouge, The Mill boasts a 3 out of 5 customer satisfaction rating." } ] }, { "tripleset": [ [ "The Mill", "eatType", "restaurant" ], [ "The Mill", "food", "English" ], [ "The Mill", "priceRange", "moderate" ], [ "The Mill", "customer rating", "3 out of 5" ], [ "The Mill", "area", "city centre" ], [ "The Mill", "near", "Caf\u00e9 Rouge" ] ], "annotations": [ { "source": "e2e", "text": "A moderate price with a customer rating 3 out of 5, The Mill is an English restaurant near Caf\u00e9 Rouge in the center of the city for the kids." } ] }, { "tripleset": [ [ "The Mill", "eatType", "restaurant" ], [ "The Mill", "food", "English" ], [ "The Mill", "priceRange", "moderate" ], [ "The Mill", "customer rating", "3 out of 5" ], [ "The Mill", "area", "riverside" ], [ "The Mill", "familyFriendly", "no" ], [ "The Mill", "near", "Caf\u00e9 Rouge" ] ], "annotations": [ { "source": "e2e", "text": "The Mill is an English restaurant near Caf\u00e9 Rouge in riverside with has a moderate price range, is not kids friendly, and has a 3 out of 5 customer rating." }, { "source": "e2e", "text": "The Mill, located riverside near the Caf\u00e9 Rouge, is a moderately priced English restaurant with 3 of 5 customer ratings and not a kid friendly environment." }, { "source": "e2e", "text": "There is an English restaurant in riverside near Caf\u00e9 Rouge called The Mill. It has a moderate price range and a 3 out of 5 customer rating, but it is not kids friendly." } ] }, { "tripleset": [ [ "The Mill", "eatType", "restaurant" ], [ "The Mill", "food", "English" ], [ "The Mill", "priceRange", "moderate" ], [ "The Mill", "customer rating", "3 out of 5" ], [ "The Mill", "area", "riverside" ], [ "The Mill", "familyFriendly", "yes" ], [ "The Mill", "near", "Caf\u00e9 Rouge" ] ], "annotations": [ { "source": "e2e", "text": "A riverside restaurant named The Mill is kid friendly, has a moderate price range, serves English food, and has a 3 out of 5 rating. It is near the Caf\u00e9 Rouge." }, { "source": "e2e", "text": "The Mill is a riverside restaurant that is kid friendly, has a moderate price range, serves English food, and has a 3 out of 5 rating. It is near the Caf\u00e9 Rouge." }, { "source": "e2e", "text": "The Mill is a kids friendly restaurant that has moderate prices and serves English food. It has a 3 out of 5 customer rating and is located in the riverside area near the Caf\u00e9 Rouge." }, { "source": "e2e", "text": "The riverside area has restaurant near the Caf\u00e9 Rouge that is both in the moderate price range and kid friendly called The Mill. It has a 3 out of 5 customer rating and serves English food." } ] }, { "tripleset": [ [ "The Mill", "eatType", "restaurant" ], [ "The Mill", "food", "English" ], [ "The Mill", "priceRange", "moderate" ], [ "The Mill", "customer rating", "3 out of 5" ], [ "The Mill", "area", "riverside" ], [ "The Mill", "near", "Caf\u00e9 Rouge" ] ], "annotations": [ { "source": "e2e", "text": "The Mill, an adult oriented restaurant serving English food, in riverside near Caf\u00e9 Rouge, has moderate prices and customer ratings of 3 out of 5." }, { "source": "e2e", "text": "The Mill restaurant is located near Caf\u00e9 Rouge in riverside area. It providing English food, moderate price range and 3 out of 5 costumer rating" }, { "source": "e2e", "text": "The Mill restaurant is located near Caf\u00e9 Rouge in riverside area. It providing English food, 3 out of 5 costumer rating and moderate price range" } ] }, { "tripleset": [ [ "The Mill", "eatType", "restaurant" ], [ "The Mill", "food", "English" ], [ "The Mill", "priceRange", "moderate" ], [ "The Mill", "customer rating", "high" ], [ "The Mill", "area", "city centre" ], [ "The Mill", "familyFriendly", "no" ], [ "The Mill", "near", "Caf\u00e9 Rouge" ] ], "annotations": [ { "source": "e2e", "text": "The Mill restaurant is a restaurant with a high customer rating which is situated in the city centre near the Caf\u00e9 Rouge. It serves English food and the price range is above average. It is not suitable for children." } ] }, { "tripleset": [ [ "The Mill", "eatType", "restaurant" ], [ "The Mill", "food", "English" ], [ "The Mill", "priceRange", "moderate" ], [ "The Mill", "customer rating", "low" ], [ "The Mill", "area", "city centre" ], [ "The Mill", "familyFriendly", "no" ], [ "The Mill", "near", "Caf\u00e9 Rouge" ] ], "annotations": [ { "source": "e2e", "text": "In the city centre near Caf\u00e9 Rouge is a low rated adult only restaurant with average prices for English grub called The Mill" }, { "source": "e2e", "text": "The Mill is a low rated adult only restaurant with average prices for English grub in the city centre near Caf\u00e9 Rouge." } ] }, { "tripleset": [ [ "The Mill", "eatType", "restaurant" ], [ "The Mill", "food", "English" ], [ "The Mill", "priceRange", "moderate" ], [ "The Mill", "customer rating", "low" ], [ "The Mill", "area", "city centre" ], [ "The Mill", "familyFriendly", "yes" ], [ "The Mill", "near", "Caf\u00e9 Rouge" ] ], "annotations": [ { "source": "e2e", "text": "family-friendly restaurant called The Mill is located near Caf\u00e9 Rouge in the city centre. It sells English food with an average price range. Low customer rating." }, { "source": "e2e", "text": "The Mill is a restaurant selling English food with an average price range. It is family-friendly and located near Caf\u00e9 Rouge in the city centre, has a low customer rating." } ] }, { "tripleset": [ [ "The Mill", "eatType", "restaurant" ], [ "The Mill", "food", "English" ], [ "The Mill", "priceRange", "moderate" ], [ "The Mill", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Mill, located near Raja Indian Cuisine, Luton, is a restaurant serving English food at reasonable prices." } ] }, { "tripleset": [ [ "The Mill", "eatType", "restaurant" ], [ "The Mill", "food", "English" ], [ "The Mill", "priceRange", "more than \u00a330" ], [ "The Mill", "area", "riverside" ], [ "The Mill", "familyFriendly", "yes" ], [ "The Mill", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "Located at riverside near Raja Indian Cuisine there is a restaurant called The Mill that serves English food that has a price range of more than \u00a330 and a children friendly place." }, { "source": "e2e", "text": "The Mill is a restaurant near Raja Indian Cuisine. It is on the riverside and is child friendly. The food is English and over \u00a330." }, { "source": "e2e", "text": "The Mill is a restaurant located at riverside near Raja Indian Cuisine serves English food has a price range more than \u00a330 and a children friendly place." }, { "source": "e2e", "text": "The Mill serves slightly expensive English food, and welcomes children. Located near Raja Indian Cuisine, it is a restaurant by the riverside." } ] }, { "tripleset": [ [ "The Mill", "eatType", "restaurant" ], [ "The Mill", "food", "English" ], [ "The Mill", "priceRange", "more than \u00a330" ], [ "The Mill", "customer rating", "high" ], [ "The Mill", "area", "city centre" ], [ "The Mill", "familyFriendly", "no" ], [ "The Mill", "near", "Caf\u00e9 Rouge" ] ], "annotations": [ { "source": "e2e", "text": "The Mill is an English restaurant that costs more than \u00a330. It is not children friendly, but it has a high customer rating. It is in the city centre, near the Caf\u00e9 Rouge." }, { "source": "e2e", "text": "The Mill is an English restaurant that costs more than \u00a330. It is not children friendly, but it has a high customer rating. It is in the city centre, near the Caf\u00e9 Rouge." } ] }, { "tripleset": [ [ "The Mill", "eatType", "restaurant" ], [ "The Mill", "food", "English" ], [ "The Mill", "priceRange", "more than \u00a330" ], [ "The Mill", "customer rating", "high" ], [ "The Mill", "area", "city centre" ], [ "The Mill", "familyFriendly", "yes" ], [ "The Mill", "near", "Caf\u00e9 Rouge" ] ], "annotations": [ { "source": "e2e", "text": "The Mill restaurant is an expensive establishment situated near the Caf\u00e9 Rouge in the city centre which sells high quality English food, but is unsuitable for children." }, { "source": "e2e", "text": "The Mill is a highly rated, child-friendly English restaurant located in the city centre, near Caf\u00e9 Rouge. Its price range is more than \u00a330." }, { "source": "e2e", "text": "The Mill is an English restaurant near Caf\u00e9 Rouge, in the city centre. It is highly rated by customers, is child-friendly, and has a price range that is more than \u00a330." }, { "source": "e2e", "text": "Located near a Caf\u00e9 Rouge in city centre, The Mill is a child friendly restaurant serving English food with a high customer rating. The price range is more than 30." }, { "source": "e2e", "text": "restaurant The Mill is child friendly with a price range of more than 30. Serving English food, it is located near Caf\u00e9 Rouge in city centre and has a high customer rating." } ] }, { "tripleset": [ [ "The Mill", "eatType", "restaurant" ], [ "The Mill", "food", "English" ], [ "The Mill", "priceRange", "more than \u00a330" ], [ "The Mill", "customer rating", "high" ], [ "The Mill", "area", "riverside" ], [ "The Mill", "familyFriendly", "no" ], [ "The Mill", "near", "Caf\u00e9 Rouge" ] ], "annotations": [ { "source": "e2e", "text": "Although it has a high customer rating, The Mill restaurant serving traditional English cuisine, is not child friendly and is an expensive alternative to the Caf\u00e9 Rouge which also sits on the riverside." }, { "source": "e2e", "text": "Located on the Riverside close to Caf\u00e9 Rouge, is The Mill; a highly rated yet high priced restaurant serving English food, which is not considered child friendly." } ] }, { "tripleset": [ [ "The Mill", "eatType", "restaurant" ], [ "The Mill", "food", "English" ], [ "The Mill", "priceRange", "more than \u00a330" ], [ "The Mill", "customer rating", "high" ], [ "The Mill", "area", "riverside" ], [ "The Mill", "familyFriendly", "yes" ], [ "The Mill", "near", "Caf\u00e9 Rouge" ] ], "annotations": [ { "source": "e2e", "text": "The Mill is a children friendly restaurant in riverside near Caf\u00e9 Rouge. It has a high customer rating with the prince range for their English food is more than \u00a330." }, { "source": "e2e", "text": "The Mill is a children friendly high rated English restaurant located near Caf\u00e9 Rouge in riverside with a price range of more than \u00a330." }, { "source": "e2e", "text": "The Mill is a highly rated, children friendly restaurant near Caf\u00e9 Rouge in riverside. It has English food and the price range is more than \u00a330." } ] }, { "tripleset": [ [ "The Mill", "eatType", "restaurant" ], [ "The Mill", "food", "English" ], [ "The Mill", "priceRange", "more than \u00a330" ], [ "The Mill", "customer rating", "high" ], [ "The Mill", "area", "riverside" ], [ "The Mill", "near", "Caf\u00e9 Rouge" ] ], "annotations": [ { "source": "e2e", "text": "The highly rated The Mill English restaurant is located in riverside near Caf\u00e9 Rouge and has a price range of more than \u00a330." } ] }, { "tripleset": [ [ "The Mill", "eatType", "restaurant" ], [ "The Mill", "food", "English" ], [ "The Mill", "priceRange", "more than \u00a330" ], [ "The Mill", "familyFriendly", "yes" ], [ "The Mill", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "Near Raja Indian Cuisine you will find The Mill. A restaurant serving English food over \u00a330. It is child friendly." } ] }, { "tripleset": [ [ "The Mill", "eatType", "restaurant" ], [ "The Mill", "food", "English" ], [ "The Mill", "priceRange", "more than \u00a330" ], [ "The Mill", "near", "Caf\u00e9 Rouge" ] ], "annotations": [ { "source": "e2e", "text": "The Mill is an expensive family restaurant that is located near Caf\u00e9 Rouge. It serves British food." }, { "source": "e2e", "text": "The Mill is an expensive family restaurant that serves British food. It is located near a Caf\u00e9 Rouge." } ] }, { "tripleset": [ [ "The Mill", "eatType", "restaurant" ], [ "The Mill", "food", "Fast food" ], [ "The Mill", "area", "riverside" ], [ "The Mill", "familyFriendly", "yes" ], [ "The Mill", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "Near the Raja Indian Cuisine in riverside with a price Range of 20\u00a3-25 and is Kids Friendly is a Fast food restaurant called The Mill" }, { "source": "e2e", "text": "The Mill is a fast food restaurant that's kid friendly where you can eat for under \u00a325 and is located near Raja Indian Cuisine in riverside" }, { "source": "e2e", "text": "For under \u00a325 The Mill offers a kid friendly restaurant serving fast food located in riverside near Raja Indian Cuisine" } ] }, { "tripleset": [ [ "The Mill", "eatType", "restaurant" ], [ "The Mill", "food", "Fast food" ], [ "The Mill", "priceRange", "cheap" ], [ "The Mill", "area", "riverside" ], [ "The Mill", "familyFriendly", "yes" ], [ "The Mill", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "For a cheap restaurant in Riverside go to The Mill. It's family-friendly near Raja Indian Cuisine and serves fast food." } ] }, { "tripleset": [ [ "The Mill", "eatType", "restaurant" ], [ "The Mill", "food", "Fast food" ], [ "The Mill", "priceRange", "high" ], [ "The Mill", "near", "Caf\u00e9 Sicilia" ] ], "annotations": [ { "source": "e2e", "text": "The Mill is a fast food restaurant providing take-away deliveries in the high price range. It is located after Caf\u00e9 Sicilia ." } ] }, { "tripleset": [ [ "The Mill", "eatType", "restaurant" ], [ "The Mill", "food", "Fast food" ], [ "The Mill", "priceRange", "less than \u00a320" ], [ "The Mill", "area", "riverside" ], [ "The Mill", "familyFriendly", "no" ], [ "The Mill", "near", "Caf\u00e9 Sicilia" ] ], "annotations": [ { "source": "e2e", "text": "The Mill can be found north of the city center., beside the River and a Caf\u00e9 Sicilia. This non-family friendly restaurant offers inexpensive fast food in favor for their terrible service." } ] }, { "tripleset": [ [ "The Mill", "eatType", "restaurant" ], [ "The Mill", "food", "Fast food" ], [ "The Mill", "priceRange", "\u00a320-25" ], [ "The Mill", "area", "riverside" ], [ "The Mill", "familyFriendly", "yes" ], [ "The Mill", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Mill in riverside with a price Range of \u00a320-25 and is kids Friendly is near the Raja Indian Cuisine is a Fast food restaurant" }, { "source": "e2e", "text": "The Mill is a restaurant located near Raja Indian Cuisine at riverside providing fast food. Its price range is \u00a320-25 and it is kids friendly." }, { "source": "e2e", "text": "Near Raja Indian Cuisine at riverside there is a restaurant called The Mill which provides fast food. It has a price range of \u00a320-25 and is kids friendly." } ] }, { "tripleset": [ [ "The Mill", "eatType", "restaurant" ], [ "The Mill", "food", "Japanese" ], [ "The Mill", "priceRange", "cheap" ], [ "The Mill", "area", "riverside" ], [ "The Mill", "near", "Caf\u00e9 Rouge" ] ], "annotations": [ { "source": "e2e", "text": "The Mill offers Japanese food and restaurant with cheap price near Caf\u00e9 Rouge in riverside." }, { "source": "e2e", "text": "The Mill offers Japanese food and restaurant with cheap price near Caf\u00e9 Rouge in riverside." } ] }, { "tripleset": [ [ "The Mill", "eatType", "restaurant" ], [ "The Mill", "near", "Caf\u00e9 Rouge" ] ], "annotations": [ { "source": "e2e", "text": "There is an average restaurant The Mill located near Caf\u00e9 Rouge. It offers breakfast for the family." } ] }, { "tripleset": [ [ "The Mill", "eatType", "restaurant" ], [ "The Mill", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Mill its a restaurant for all family with good food located near Raja Indian Cuisine" } ] }, { "tripleset": [ [ "The Mill", "eatType", "restaurant" ], [ "The Mill", "priceRange", "cheap" ], [ "The Mill", "area", "riverside" ], [ "The Mill", "familyFriendly", "yes" ], [ "The Mill", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "Family friendly restaurant The Mill Situated riverside near the Raja Indian Cuisine. Offering great food at cheap prices." } ] }, { "tripleset": [ [ "The Mill", "eatType", "restaurant" ], [ "The Mill", "priceRange", "less than \u00a320" ], [ "The Mill", "area", "riverside" ], [ "The Mill", "familyFriendly", "yes" ], [ "The Mill", "near", "Caf\u00e9 Rouge" ] ], "annotations": [ { "source": "e2e", "text": "The Mill is a family-friendly restaurant that sells inexpensive breakfast. The shop is located just outside of City centre, near the river not far from Caf\u00e9 Rouge." } ] }, { "tripleset": [ [ "The Mill", "eatType", "restaurant" ], [ "The Mill", "priceRange", "less than \u00a320" ], [ "The Mill", "area", "city centre" ], [ "The Mill", "familyFriendly", "no" ], [ "The Mill", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "Nearby the city centre and Raja Indian Cuisine, The Mill is a cheap restaurant that is not family friendly." } ] }, { "tripleset": [ [ "The Mill", "eatType", "restaurant" ], [ "The Mill", "priceRange", "less than \u00a320" ], [ "The Mill", "area", "city centre" ], [ "The Mill", "familyFriendly", "yes" ], [ "The Mill", "near", "Caf\u00e9 Rouge" ] ], "annotations": [ { "source": "e2e", "text": "The Mill is a family friendly restaurant in the low price range. It is located close to the city centre, near to Caf\u00e9 Rouge" }, { "source": "e2e", "text": "The Mill is a family friendly restaurant in the low price range. It is located close to the city centre, near to Caf\u00e9 Rouge" } ] }, { "tripleset": [ [ "The Mill", "eatType", "restaurant" ], [ "The Mill", "priceRange", "less than \u00a320" ], [ "The Mill", "area", "city centre" ], [ "The Mill", "familyFriendly", "yes" ], [ "The Mill", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "There is a family friendly restaurant located near Raja Indian Cuisine in the city centre called The Mill which offers cheap food." }, { "source": "e2e", "text": "The Mill is a family friendly restaurant located near Raja Indian Cuisine in the city centre which offers cheap food." } ] }, { "tripleset": [ [ "The Mill", "eatType", "restaurant" ], [ "The Mill", "priceRange", "less than \u00a320" ], [ "The Mill", "area", "city centre" ], [ "The Mill", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Mill is a low-priced family restaurant located near Raja Indian Cuisine in City Centre" } ] }, { "tripleset": [ [ "The Mill", "eatType", "restaurant" ], [ "The Mill", "priceRange", "less than \u00a320" ], [ "The Mill", "customer rating", "high" ], [ "The Mill", "area", "riverside" ], [ "The Mill", "familyFriendly", "yes" ], [ "The Mill", "near", "Caf\u00e9 Rouge" ] ], "annotations": [ { "source": "e2e", "text": "The Mill is a kid friendly, high customer rating and moderately priced restaurant located near Caf\u00e9 Rouge in the Riverside area." }, { "source": "e2e", "text": "There is a children friendly restaurant called The Mill located near the Caf\u00e9 Rouge in the Riverside area, it receives high customer ratings and is moderately priced at around \u00a330." } ] }, { "tripleset": [ [ "The Mill", "eatType", "restaurant" ], [ "The Mill", "priceRange", "less than \u00a320" ], [ "The Mill", "customer rating", "low" ], [ "The Mill", "familyFriendly", "yes" ], [ "The Mill", "near", "Caf\u00e9 Rouge" ] ], "annotations": [ { "source": "e2e", "text": "The Mill is a one star, family friendly restaurant located near Caf\u00e9 Rouge. It's low-priced." }, { "source": "e2e", "text": "There is a one star, low-priced restaurant called The Mill located near Caf\u00e9 Rouge that is family friendly." } ] }, { "tripleset": [ [ "The Mill", "eatType", "restaurant" ], [ "The Mill", "priceRange", "less than \u00a320" ], [ "The Mill", "familyFriendly", "no" ], [ "The Mill", "near", "Caf\u00e9 Rouge" ] ], "annotations": [ { "source": "e2e", "text": "The Mill restaurant is located east of Caf\u00e9 Rouge. It is low-priced, and not family-friendly." } ] }, { "tripleset": [ [ "The Mill", "eatType", "restaurant" ], [ "The Mill", "priceRange", "less than \u00a320" ], [ "The Mill", "familyFriendly", "yes" ], [ "The Mill", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Mill, a low price family friendly breakfast and restaurant near Raja Indian Cuisine." }, { "source": "e2e", "text": "Visit The Mill, a low priced family friendly breakfast and restaurant located near Raja Indian Cuisine." } ] }, { "tripleset": [ [ "The Mill", "eatType", "restaurant" ], [ "The Mill", "priceRange", "less than \u00a320" ], [ "The Mill", "near", "Caf\u00e9 Rouge" ] ], "annotations": [ { "source": "e2e", "text": "A restaurant called The Mill is located by Caf\u00e9 Rouge and has cheap pricing." }, { "source": "e2e", "text": "The Mill restaurant is located near Caf\u00e9 Rouge next to the river. The shop serves breakfast food at low prices." } ] }, { "tripleset": [ [ "The Mill", "eatType", "restaurant" ], [ "The Mill", "priceRange", "less than \u00a320" ], [ "The Mill", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Mill is a low priced, non family restaurant located next to Raja Indian Cuisine." }, { "source": "e2e", "text": "Located next to Raja Indian Cuisine, is a non family low priced restaurant called The Mill." } ] }, { "tripleset": [ [ "The Mill", "eatType", "restaurant" ], [ "The Mill", "priceRange", "moderate" ], [ "The Mill", "area", "city centre" ], [ "The Mill", "near", "Caf\u00e9 Rouge" ] ], "annotations": [ { "source": "e2e", "text": "The Mill restaurant and burger house is located near Caf\u00e9 Rouge in the city centre. A nice place to sit and hang around with your friends or co-workers with a moderately priced menu, you will enjoy this place." } ] }, { "tripleset": [ [ "The Mill", "eatType", "restaurant" ], [ "The Mill", "priceRange", "moderate" ], [ "The Mill", "area", "city centre" ], [ "The Mill", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Mill is a moderately priced restaurant near Raja Indian Cuisine in the city centre. It is not the type of place people bring their kids." }, { "source": "e2e", "text": "There is a restaurant named The Mill in the city centre. It is near Raja Indian Cuisine, moderately priced and caters to an adult crowd." } ] }, { "tripleset": [ [ "The Mill", "eatType", "restaurant" ], [ "The Mill", "priceRange", "moderate" ], [ "The Mill", "area", "riverside" ], [ "The Mill", "familyFriendly", "yes" ], [ "The Mill", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Mill restaurant has moderately priced food and is a kid friendly establishment in the riverside area close to Raja Indian Cuisine." }, { "source": "e2e", "text": "In the Riverside area near Raja Indian Cuisine there's a kid friendly, moderately priced restaurant named The Mill." } ] }, { "tripleset": [ [ "The Mill", "eatType", "restaurant" ], [ "The Mill", "priceRange", "moderate" ], [ "The Mill", "customer rating", "1 out of 5" ], [ "The Mill", "area", "city centre" ], [ "The Mill", "familyFriendly", "yes" ], [ "The Mill", "near", "Caf\u00e9 Rouge" ] ], "annotations": [ { "source": "e2e", "text": "There is a restaurant with a customer rating of 1 out of 5 called The Mill. It serves moderately priced food in a kid-friendly environment and is located in the near Caf\u00e9 Rouge in the city center." } ] }, { "tripleset": [ [ "The Mill", "eatType", "restaurant" ], [ "The Mill", "priceRange", "moderate" ], [ "The Mill", "customer rating", "1 out of 5" ], [ "The Mill", "area", "riverside" ], [ "The Mill", "familyFriendly", "yes" ], [ "The Mill", "near", "Caf\u00e9 Rouge" ] ], "annotations": [ { "source": "e2e", "text": "In the riverside area is a restaurant name The Mill. It is near the Caf\u00e9 Rouge. The customer rating is a 1 out of 5 and is in the moderate price range. It is kid friendly." } ] }, { "tripleset": [ [ "The Mill", "eatType", "restaurant" ], [ "The Mill", "priceRange", "moderate" ], [ "The Mill", "customer rating", "1 out of 5" ], [ "The Mill", "area", "riverside" ], [ "The Mill", "near", "Caf\u00e9 Rouge" ] ], "annotations": [ { "source": "e2e", "text": "Near Caf\u00e9 Rouge by the riverside there is a restaurant called The Mill yes with a moderate price range and rating of 1 out of 5" }, { "source": "e2e", "text": "Near Caf\u00e9 Rouge by the riverside there is a restaurant called The Mill yes with a moderate price range and rating of 1 out of 5" } ] }, { "tripleset": [ [ "The Mill", "eatType", "restaurant" ], [ "The Mill", "priceRange", "more than \u00a330" ], [ "The Mill", "customer rating", "5 out of 5" ], [ "The Mill", "familyFriendly", "yes" ], [ "The Mill", "near", "Caf\u00e9 Rouge" ] ], "annotations": [ { "source": "e2e", "text": "The Mill is kid friendly but moderately expensive but not highly rated restaurant near Caf\u00e9 Rouge." } ] }, { "tripleset": [ [ "The Mill", "food", "English" ], [ "The Mill", "priceRange", "less than \u00a320" ], [ "The Mill", "customer rating", "low" ], [ "The Mill", "area", "city centre" ], [ "The Mill", "familyFriendly", "no" ], [ "The Mill", "near", "Caf\u00e9 Rouge" ] ], "annotations": [ { "source": "e2e", "text": "The Mill offers low-priced English-style food in the city centre. It is located near Caf\u00e9 Rouge, is not family-friendly and has a low customer rating." } ] }, { "tripleset": [ [ "The Mill", "food", "English" ], [ "The Mill", "priceRange", "moderate" ], [ "The Mill", "area", "riverside" ], [ "The Mill", "familyFriendly", "yes" ], [ "The Mill", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Mill, near Raja Indian Cuisine in riverside, serves English food. It is moderately priced and kid friendly." }, { "source": "e2e", "text": "The Mill, near Raja Indian Cuisine in riverside, serves English food. It is moderately priced and kid friendly." } ] }, { "tripleset": [ [ "The Mill", "food", "English" ], [ "The Mill", "priceRange", "moderate" ], [ "The Mill", "customer rating", "1 out of 5" ], [ "The Mill", "area", "riverside" ], [ "The Mill", "familyFriendly", "yes" ], [ "The Mill", "near", "Caf\u00e9 Rouge" ] ], "annotations": [ { "source": "e2e", "text": "The Mill offers moderately priced English breakfasts that are family-friendly. It is located near the Caf\u00e9 Rouge by the river and has a one-star rating." } ] }, { "tripleset": [ [ "The Mill", "food", "English" ], [ "The Mill", "priceRange", "moderate" ], [ "The Mill", "customer rating", "3 out of 5" ], [ "The Mill", "area", "city centre" ], [ "The Mill", "near", "Caf\u00e9 Rouge" ] ], "annotations": [ { "source": "e2e", "text": "An English stop near Caf\u00e9 Rouge in the center of the city, The Mill has a customer rating 3 out of 5 with a moderate price range." } ] }, { "tripleset": [ [ "The Mill", "food", "Fast food" ], [ "The Mill", "area", "riverside" ], [ "The Mill", "near", "Caf\u00e9 Sicilia" ] ], "annotations": [ { "source": "e2e", "text": "The Mill is based in the riverside area near Caf\u00e9 Sicilia. It offers fast food." } ] }, { "tripleset": [ [ "The Mill", "food", "Fast food" ], [ "The Mill", "priceRange", "cheap" ], [ "The Mill", "customer rating", "5 out of 5" ], [ "The Mill", "familyFriendly", "no" ], [ "The Mill", "near", "Caf\u00e9 Sicilia" ] ], "annotations": [ { "source": "e2e", "text": "The Mill serves cheap fast food. Located near the Caf\u00e9 Sicilia, it is not family-friendly. Great rating of 5 out of 5." } ] }, { "tripleset": [ [ "The Mill", "food", "Fast food" ], [ "The Mill", "priceRange", "cheap" ], [ "The Mill", "customer rating", "average" ], [ "The Mill", "area", "riverside" ], [ "The Mill", "familyFriendly", "no" ], [ "The Mill", "near", "Caf\u00e9 Sicilia" ] ], "annotations": [ { "source": "e2e", "text": "Not family-friendly, The Mill is located riverside near Caf\u00e9 Sicilia, and has an average customer rating. Fast food with a low price range." } ] }, { "tripleset": [ [ "The Mill", "food", "Fast food" ], [ "The Mill", "priceRange", "less than \u00a320" ], [ "The Mill", "customer rating", "low" ], [ "The Mill", "near", "Caf\u00e9 Sicilia" ] ], "annotations": [ { "source": "e2e", "text": "The Mill is a low price Fast food near the Caf\u00e9 Sicilia with low customer rating." } ] }, { "tripleset": [ [ "The Mill", "food", "Fast food" ], [ "The Mill", "priceRange", "moderate" ], [ "The Mill", "customer rating", "1 out of 5" ], [ "The Mill", "area", "riverside" ], [ "The Mill", "near", "Caf\u00e9 Sicilia" ] ], "annotations": [ { "source": "e2e", "text": "Eat at The Mill, with moderately priced fast food that isn't kind friendly. Customer rating 1 out of 5 near Caf\u00e9 Sicilia at Riverside area." }, { "source": "e2e", "text": "The Mill has moderately priced fast food. It's not kind friendly. It rates 1 out of 5 and is located neat Caf\u00e9 Sicilia at Riverside." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "pub" ], [ "The Phoenix", "area", "city centre" ], [ "The Phoenix", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Phoenix is a pub providing tea and coffee. It is located near Raja Indian Cuisine in the city centre." }, { "source": "e2e", "text": "There is a pub called The Phoenix located near Raja Indian Cuisine in the city centre that provides coffee and tea." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "pub" ], [ "The Phoenix", "customer rating", "average" ], [ "The Phoenix", "area", "riverside" ], [ "The Phoenix", "near", "Crowne Plaza Hotel" ] ], "annotations": [ { "source": "e2e", "text": "The Phoenix is a pub situated right by the river. The shop offers a range of snacks, wine and coffee. The Phoenix is low priced and rated a 3 out of 5 stars. The Phoenix is located near Crowne Plaza Hotel." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "pub" ], [ "The Phoenix", "food", "French" ], [ "The Phoenix", "customer rating", "5 out of 5" ], [ "The Phoenix", "area", "city centre" ], [ "The Phoenix", "near", "Crowne Plaza Hotel" ] ], "annotations": [ { "source": "e2e", "text": "The Phoenix is a highly rated pub in the City Centre near Crowne Plaza Hotel. It is aimed at older upper class people serving fantastic coffee and delicious French Food." }, { "source": "e2e", "text": "The Phoenix is a highly rated pub in the City Centre near Crowne Plaza Hotel. It is aimed at older upper class people serving fantastic coffee and delicious French Food." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "pub" ], [ "The Phoenix", "food", "French" ], [ "The Phoenix", "priceRange", "moderate" ], [ "The Phoenix", "customer rating", "average" ], [ "The Phoenix", "familyFriendly", "yes" ], [ "The Phoenix", "near", "Crowne Plaza Hotel" ] ], "annotations": [ { "source": "e2e", "text": "The Phoenix is a French pub near Crowne Plaza Hotel. This coffee ship is family-friendly, has average customer ratings, and average prices." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "pub" ], [ "The Phoenix", "priceRange", "less than \u00a320" ], [ "The Phoenix", "customer rating", "average" ], [ "The Phoenix", "area", "riverside" ], [ "The Phoenix", "near", "Crowne Plaza Hotel" ] ], "annotations": [ { "source": "e2e", "text": "The Phoenix is a pub located near the river, perfect of family days out with children. the Phoenix offers a range of food, snacks, wine and coffee at low prices. the pub is rated 3 out of 5 stars and situated near Crowne Plaza Hotel." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "restaurant" ], [ "The Phoenix", "area", "city centre" ], [ "The Phoenix", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Phoenix is a restaurant providing tea and coffee. It is located near Raja Indian Cuisine in the city centre." }, { "source": "e2e", "text": "There is a restaurant called The Phoenix located near Raja Indian Cuisine in the city centre that provides coffee and tea." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "restaurant" ], [ "The Phoenix", "food", "Indian" ], [ "The Phoenix", "area", "riverside" ], [ "The Phoenix", "near", "Crowne Plaza Hotel" ] ], "annotations": [ { "source": "e2e", "text": "There is a cool Indian restaurant down close to the riverside called The Phoenix. Customers love it, and its super easy to find from the Crowne Plaza Hotel parking lot. Kids and coffee don't mix, so be sure to not be that guy." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "coffee shop" ], [ "The Phoenix", "food", "Fast food" ], [ "The Phoenix", "priceRange", "high" ], [ "The Phoenix", "area", "riverside" ], [ "The Phoenix", "familyFriendly", "yes" ], [ "The Phoenix", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "In Riverside, near Raja Indian Cuisine is a child friendly, high priced, fast food coffee ship called The Phoenix." }, { "source": "e2e", "text": "In Riverside, near Raja Indian Cuisine is a child friendly, high priced, fast food coffee ship called The Phoenix." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "coffee shop" ], [ "The Phoenix", "food", "Fast food" ], [ "The Phoenix", "priceRange", "moderate" ], [ "The Phoenix", "area", "city centre" ], [ "The Phoenix", "familyFriendly", "yes" ], [ "The Phoenix", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Phoenix fast food Caf\u00e9 is located in city centre near Raja Indian Cuisine with a moderate price range and is kids friendly." }, { "source": "e2e", "text": "The Phoenix fast food Caf\u00e9 is located in city centre near Raja Indian Cuisine with a moderate price range and is kids friendly." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "coffee shop" ], [ "The Phoenix", "food", "French" ], [ "The Phoenix", "area", "city centre" ], [ "The Phoenix", "familyFriendly", "yes" ], [ "The Phoenix", "near", "Crowne Plaza Hotel" ] ], "annotations": [ { "source": "e2e", "text": "There is a French Caf\u00e9 The Phoenix located in the city centre near Crowne Plaza Hotel and is children friendly." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "coffee shop" ], [ "The Phoenix", "food", "French" ], [ "The Phoenix", "priceRange", "\u00a320-25" ], [ "The Phoenix", "area", "riverside" ], [ "The Phoenix", "familyFriendly", "yes" ], [ "The Phoenix", "near", "Crowne Plaza Hotel" ] ], "annotations": [ { "source": "e2e", "text": "If you happen to find yourself strolling riverside and getting a bit hungry be sure to stop in at The Phoenix. The Phoenix is a great coffee ship serving French cuisine at an affordable price . The Phoenix is child friendly and near Crowne Plaza Hotel." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "coffee shop" ], [ "The Phoenix", "priceRange", "less than \u00a320" ], [ "The Phoenix", "customer rating", "average" ], [ "The Phoenix", "area", "city centre" ], [ "The Phoenix", "near", "Crowne Plaza Hotel" ] ], "annotations": [ { "source": "e2e", "text": "There is a three star low-price coffee show located in North City Centre called The Phoenix. If you are looking for it you can use the Crowne Plaza Hotel nearby as a landmark." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "pub" ], [ "The Phoenix", "area", "city centre" ], [ "The Phoenix", "familyFriendly", "yes" ], [ "The Phoenix", "near", "Crowne Plaza Hotel" ] ], "annotations": [ { "source": "e2e", "text": "There is a family friendly pub located near Crowne Plaza Hotel in the city centre called The Phoenix which offers good food at a premium price." }, { "source": "e2e", "text": "The Phoenix is a family friendly pub located near Crowne Plaza Hotel in the city centre which offers good food at a premium price." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "pub" ], [ "The Phoenix", "area", "city centre" ], [ "The Phoenix", "familyFriendly", "yes" ], [ "The Phoenix", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Phoenix pub is a mid-priced, family friendly pub located in city centre, east of Raja Indian Cuisine. They offer eat-in, take-out or deliveries." }, { "source": "e2e", "text": "There is a mid-priced, family friendly pub, The Phoenix pub, that offers take-out or deliveries. It is located in city centre just east of Raja Indian Cuisine." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "pub" ], [ "The Phoenix", "area", "city centre" ], [ "The Phoenix", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Phoenix is a comfortable pub that is within city centre limits, next to the Raja Indian Cuisine pub." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "pub" ], [ "The Phoenix", "area", "riverside" ], [ "The Phoenix", "familyFriendly", "yes" ], [ "The Phoenix", "near", "Crowne Plaza Hotel" ] ], "annotations": [ { "source": "e2e", "text": "The Phoenix is an upscale, family friendly pub that is located on the river next to Crowne Plaza Hotel." }, { "source": "e2e", "text": "The Phoenix is a family friendly pub located next to Crowne Plaza Hotel on the river." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "pub" ], [ "The Phoenix", "area", "riverside" ], [ "The Phoenix", "familyFriendly", "yes" ], [ "The Phoenix", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "Family friendly, The Phoenix pub which is on the pricey side, located near the river and Raja Indian Cuisine." }, { "source": "e2e", "text": "The Phoenix is a low cost family friendly pub near the river and Raja Indian Cuisine." }, { "source": "e2e", "text": "There is a pub named The Phoenix located in the Riverside area near Raja Indian Cuisine. This is a kid friendly pub offering a variety of food at a low cost." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "pub" ], [ "The Phoenix", "area", "riverside" ], [ "The Phoenix", "near", "Crowne Plaza Hotel" ] ], "annotations": [ { "source": "e2e", "text": "The Phoenix is an upscale pub located on the river next to Crowne Plaza Hotel." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "pub" ], [ "The Phoenix", "customer rating", "1 out of 5" ], [ "The Phoenix", "area", "city centre" ], [ "The Phoenix", "near", "Crowne Plaza Hotel" ] ], "annotations": [ { "source": "e2e", "text": "The Phoenix is a family style pub with a rating of one out of five stars for a decent price located in City centre near Crowne Plaza Hotel" }, { "source": "e2e", "text": "The Phoenix is a family style pub with a rating of one out of five stars in City center. near Crowne Plaza Hotel" } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "pub" ], [ "The Phoenix", "customer rating", "1 out of 5" ], [ "The Phoenix", "area", "riverside" ], [ "The Phoenix", "familyFriendly", "yes" ], [ "The Phoenix", "near", "Crowne Plaza Hotel" ] ], "annotations": [ { "source": "e2e", "text": "The Phoenix is a one-star rated pub located along the riverside near Crowne Plaza Hotel. They serve medium-priced wine and hors d'oeuvre in a family friendly atmosphere." }, { "source": "e2e", "text": "Along the riverside near Crowne Plaza Hotel, is a family friendly pub called The Phoenix. They serve wine and hors d'oeuvre in the medium price range and have a one-star rating." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "pub" ], [ "The Phoenix", "customer rating", "3 out of 5" ], [ "The Phoenix", "area", "city centre" ], [ "The Phoenix", "familyFriendly", "yes" ], [ "The Phoenix", "near", "Crowne Plaza Hotel" ] ], "annotations": [ { "source": "e2e", "text": "Outside of the City centre and near Crowne Plaza Hotel, The Phoenix is a 3-star rated pub. Family friendly atmosphere with more wine than whine and cheese, be prepared to spend more here." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "pub" ], [ "The Phoenix", "customer rating", "3 out of 5" ], [ "The Phoenix", "area", "riverside" ], [ "The Phoenix", "familyFriendly", "yes" ], [ "The Phoenix", "near", "Caf\u00e9 Sicilia" ] ], "annotations": [ { "source": "e2e", "text": "A 3 star family friendly pub located near the river and Caf\u00e9 Sicilia is The Phoenix." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "pub" ], [ "The Phoenix", "customer rating", "3 out of 5" ], [ "The Phoenix", "near", "Crowne Plaza Hotel" ] ], "annotations": [ { "source": "e2e", "text": "The three star pub, The Phoenix, gives families an mid-priced dining experience featuring a variety of wines and cheeses. Find The Phoenix near Crowne Plaza Hotel." }, { "source": "e2e", "text": "A better option than Crowne Plaza Hotel is The Phoenix, a 3-star pub. Families can gather here for wine and cheese while spending more money than they would have at Crowne Plaza Hotel." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "pub" ], [ "The Phoenix", "customer rating", "5 out of 5" ], [ "The Phoenix", "area", "city centre" ], [ "The Phoenix", "familyFriendly", "yes" ], [ "The Phoenix", "near", "Crowne Plaza Hotel" ] ], "annotations": [ { "source": "e2e", "text": "The Phoenix pub is located at the city centre, near Crowne Plaza Hotel. It is family friendly and rated 5 out of 5" } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "pub" ], [ "The Phoenix", "customer rating", "5 out of 5" ], [ "The Phoenix", "area", "riverside" ], [ "The Phoenix", "familyFriendly", "yes" ], [ "The Phoenix", "near", "Crowne Plaza Hotel" ] ], "annotations": [ { "source": "e2e", "text": "On the riverside there is a reasonably prices pub called The Phoenix located near Crowne Plaza Hotel that is kid friendly and rates a 5 out of 5." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "pub" ], [ "The Phoenix", "customer rating", "high" ], [ "The Phoenix", "area", "city centre" ], [ "The Phoenix", "familyFriendly", "no" ], [ "The Phoenix", "near", "Caf\u00e9 Sicilia" ] ], "annotations": [ { "source": "e2e", "text": "In the city centre, near to Caf\u00e9 Sicilia, is the highly rated pub called The Phoenix. It is not child friendly and is in the price bracket of \u00a330 or more." }, { "source": "e2e", "text": "The Phoenix is highly rated pub located in the city centre, near to Caf\u00e9 Sicilia . It is priced in the more than \u00a330 range and is not children friendly." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "pub" ], [ "The Phoenix", "customer rating", "high" ], [ "The Phoenix", "area", "city centre" ], [ "The Phoenix", "familyFriendly", "yes" ], [ "The Phoenix", "near", "Caf\u00e9 Sicilia" ] ], "annotations": [ { "source": "e2e", "text": "City Centre has a great, five star pub called, The Phoenix. It is family friendly and located next to Caf\u00e9 Sicilia." }, { "source": "e2e", "text": "The Phoenix is a five star pub that is family friendly and serves American food. It is located in City Centre next to Caf\u00e9 Sicilia." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "restaurant" ], [ "The Phoenix", "customer rating", "5 out of 5" ], [ "The Phoenix", "near", "Crowne Plaza Hotel" ] ], "annotations": [ { "source": "e2e", "text": "The Phoenix is a five-star restaurant and pub, located near Crowne Plaza Hotel." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "restaurant" ], [ "The Phoenix", "food", "French" ], [ "The Phoenix", "area", "city centre" ], [ "The Phoenix", "familyFriendly", "yes" ], [ "The Phoenix", "near", "Crowne Plaza Hotel" ] ], "annotations": [ { "source": "e2e", "text": "The Phoenix is a family friendly pub and French restaurant located outside of the City Centre. It is near Crowne Plaza Hotel." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "restaurant" ], [ "The Phoenix", "food", "French" ], [ "The Phoenix", "area", "city centre" ], [ "The Phoenix", "near", "Crowne Plaza Hotel" ] ], "annotations": [ { "source": "e2e", "text": "No, The Phoenix is French restaurant with pub on side Crowne Plaza Hotel in the city centre with low rank and price less \u00a320" } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "restaurant" ], [ "The Phoenix", "food", "French" ], [ "The Phoenix", "customer rating", "5 out of 5" ], [ "The Phoenix", "area", "riverside" ], [ "The Phoenix", "familyFriendly", "yes" ], [ "The Phoenix", "near", "Crowne Plaza Hotel" ] ], "annotations": [ { "source": "e2e", "text": "Try The Phoenix, a highly-rated French restaurant, described by customers as a 5 out of 5. The pub's menu and ambiance is high-end, so you should expect to pay above \u00a330. It's children-friendly, so your kids will love it too. It is located in Riverside, near Crowne Plaza Hotel." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "restaurant" ], [ "The Phoenix", "food", "French" ], [ "The Phoenix", "customer rating", "low" ], [ "The Phoenix", "area", "city centre" ], [ "The Phoenix", "familyFriendly", "no" ], [ "The Phoenix", "near", "Crowne Plaza Hotel" ] ], "annotations": [ { "source": "e2e", "text": "The Phoenix is a pub serving French food at prices more than \u00a330. Located near Crowne Plaza Hotel in the city centre, this restaurant is not child friendly and has a low customer rating." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "restaurant" ], [ "The Phoenix", "food", "French" ], [ "The Phoenix", "priceRange", "cheap" ], [ "The Phoenix", "area", "riverside" ], [ "The Phoenix", "familyFriendly", "yes" ], [ "The Phoenix", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Phoenix is a cheap family friendly French pub and a restaurant located near Raja Indian Cuisine near riverside" }, { "source": "e2e", "text": "Located near Raja Indian Cuisine, lies a French restaurant called The Phoenix, known for being a cheap family friendly pub in riverside" } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "restaurant" ], [ "The Phoenix", "food", "French" ], [ "The Phoenix", "priceRange", "high" ], [ "The Phoenix", "customer rating", "3 out of 5" ], [ "The Phoenix", "familyFriendly", "no" ], [ "The Phoenix", "near", "Crowne Plaza Hotel" ] ], "annotations": [ { "source": "e2e", "text": "The French restaurant, The Phoenix, is a high priced pub near Crowne Plaza Hotel. It is not children friendly, and has a rating of 3 out of 5." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "restaurant" ], [ "The Phoenix", "food", "French" ], [ "The Phoenix", "priceRange", "less than \u00a320" ], [ "The Phoenix", "area", "city centre" ], [ "The Phoenix", "near", "Crowne Plaza Hotel" ] ], "annotations": [ { "source": "e2e", "text": "The Phoenix is French restaurant with no pub on side Crowne Plaza Hotel in the city centre with low rank and price less than \u00a320" } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "restaurant" ], [ "The Phoenix", "food", "French" ], [ "The Phoenix", "priceRange", "moderate" ], [ "The Phoenix", "customer rating", "1 out of 5" ], [ "The Phoenix", "area", "city centre" ], [ "The Phoenix", "familyFriendly", "no" ], [ "The Phoenix", "near", "Crowne Plaza Hotel" ] ], "annotations": [ { "source": "e2e", "text": "French restaurant The Phoenix is a pub located in city centre near Crowne Plaza Hotel. It has a customer rating of 1 out of 5 and is not kid friendly, price range is moderate." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "restaurant" ], [ "The Phoenix", "food", "French" ], [ "The Phoenix", "priceRange", "\u00a320-25" ], [ "The Phoenix", "customer rating", "3 out of 5" ], [ "The Phoenix", "area", "city centre" ], [ "The Phoenix", "familyFriendly", "yes" ], [ "The Phoenix", "near", "Caf\u00e9 Sicilia" ] ], "annotations": [ { "source": "e2e", "text": "The French restaurant named The Phoenix is a pub in the city centre, near Caf\u00e9 Sicilia is a place for kids with price range from 20-25 with a customer rating of 3 out of 5." }, { "source": "e2e", "text": "The French restaurant named The Phoenix is a pub in the city centre, near Caf\u00e9 Sicilia is a place for kids with price range from 20-25 with a customer rating of 3 out of 5." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "restaurant" ], [ "The Phoenix", "food", "French" ], [ "The Phoenix", "priceRange", "\u00a320-25" ], [ "The Phoenix", "customer rating", "high" ], [ "The Phoenix", "area", "city centre" ], [ "The Phoenix", "familyFriendly", "yes" ], [ "The Phoenix", "near", "Crowne Plaza Hotel" ] ], "annotations": [ { "source": "e2e", "text": "The Phoenix offers an affordable five star dining experience for families. It is a French restaurant and pub outside of the City Centre, near Crowne Plaza Hotel." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "restaurant" ], [ "The Phoenix", "priceRange", "less than \u00a320" ], [ "The Phoenix", "area", "city centre" ], [ "The Phoenix", "familyFriendly", "no" ], [ "The Phoenix", "near", "Crowne Plaza Hotel" ] ], "annotations": [ { "source": "e2e", "text": "The Phoenix pub is a low priced restaurant in the city centre, east of Crowne Plaza Hotel. You can eat-in or take-out. Not family friendly." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "restaurant" ], [ "The Phoenix", "priceRange", "less than \u00a320" ], [ "The Phoenix", "customer rating", "low" ], [ "The Phoenix", "area", "city centre" ], [ "The Phoenix", "familyFriendly", "yes" ], [ "The Phoenix", "near", "Crowne Plaza Hotel" ] ], "annotations": [ { "source": "e2e", "text": "There is a cheap restaurant rated 1 star, The Phoenix pub, located in city centre east of Crowne Plaza Hotel. Not recommended for families. They offer eat-in, take-out or delivers." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "restaurant" ], [ "The Phoenix", "priceRange", "less than \u00a320" ], [ "The Phoenix", "customer rating", "low" ], [ "The Phoenix", "near", "Crowne Plaza Hotel" ] ], "annotations": [ { "source": "e2e", "text": "The Phoenix pub is a cheap, one star restaurant suitable for the whole family, It is located next to Crowne Plaza Hotel." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "restaurant" ], [ "The Phoenix", "priceRange", "moderate" ], [ "The Phoenix", "customer rating", "3 out of 5" ], [ "The Phoenix", "familyFriendly", "yes" ], [ "The Phoenix", "near", "Caf\u00e9 Sicilia" ] ], "annotations": [ { "source": "e2e", "text": "The Phoenix pub, near Caf\u00e9 Sicilia, is a family friendly, average priced restaurant with a three star rating." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "pub" ], [ "The Phoenix", "familyFriendly", "yes" ], [ "The Phoenix", "near", "Crowne Plaza Hotel" ] ], "annotations": [ { "source": "e2e", "text": "Near Crowne Plaza Hotel is a highly acclaimed, kid friendly pub, The Phoenix" }, { "source": "e2e", "text": "Families are welcome at The Phoenix pub - great for those on a budget. Find us near The Crowne Plaza Hotel." }, { "source": "e2e", "text": "The Phoenix is a family friendly pub that offers wine. It is located near Crowne Plaza Hotel." }, { "source": "e2e", "text": "The Phoenix is a pub that offers wine and is located near Crowne Plaza Hotel and is family friendly." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "pub" ], [ "The Phoenix", "familyFriendly", "yes" ], [ "The Phoenix", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Phoenix pub, located next to Raja Indian Cuisine, is a low-cost, family friendly place offering burgers and fries." }, { "source": "e2e", "text": "The Phoenix is located near Raja Indian Cuisine and is a low cost family friendly pub." }, { "source": "e2e", "text": "The Phoenix is a child friendly pub located near to Raja Indian Cuisine." }, { "source": "e2e", "text": "The Phoenix is a good pub near to Raja Indian Cuisine. its kids friendly" }, { "source": "e2e", "text": "The Phoenix is a family friendly pub located near Raja Indian Cuisine." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "pub" ], [ "The Phoenix", "food", "English" ], [ "The Phoenix", "priceRange", "more than \u00a330" ], [ "The Phoenix", "customer rating", "5 out of 5" ], [ "The Phoenix", "area", "city centre" ], [ "The Phoenix", "familyFriendly", "yes" ], [ "The Phoenix", "near", "Crowne Plaza Hotel" ] ], "annotations": [ { "source": "e2e", "text": "The Phoenix is a pub located in City center. by the Crowne Plaza Hotel. The high-priced pub serves a light menu of British style food along with alcohol. This family-friendly pub receives 5 out of 5 stars from customers." }, { "source": "e2e", "text": "Located inside City center., next to the Crowne Plaza Hotel, is the high-priced pub The Phoenix. This well-reviewed pub, 5 out of 5 stars, is a family-friendly establishment that serves British style food and alcohol." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "pub" ], [ "The Phoenix", "food", "Fast food" ], [ "The Phoenix", "area", "city centre" ], [ "The Phoenix", "familyFriendly", "yes" ], [ "The Phoenix", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "Welcome to The Phoenix, we are a pub. We're family-friendly we serve fast food we are located in the city centre near the Raja Indian Cuisine." }, { "source": "e2e", "text": "Welcome to The Phoenix, we are a pub. We're family-friendly we serve fast food we are located in the city centre near the Raja Indian Cuisine." }, { "source": "e2e", "text": "The Phoenix fast food pub is kids friendly is located in city centre near Raja Indian Cuisine." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "pub" ], [ "The Phoenix", "food", "Fast food" ], [ "The Phoenix", "area", "city centre" ], [ "The Phoenix", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Phoenix is a nice pub with fast food service and lower prices than \u00a3 20 are located in the city center area near Raja Indian Cuisine" }, { "source": "e2e", "text": "The Phoenix is a charming pub featuring fast food service and lower prices to \u00a3 20 are located near Raja Indian Cuisine in the city center area" } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "pub" ], [ "The Phoenix", "food", "Fast food" ], [ "The Phoenix", "area", "riverside" ], [ "The Phoenix", "familyFriendly", "no" ], [ "The Phoenix", "near", "Caf\u00e9 Sicilia" ] ], "annotations": [ { "source": "e2e", "text": "The Phoenix pub in the riverside area charges a bit above average but is highly rates. It's near the Caf\u00e9 Sicilia and serves fast food but isn't child friendly." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "pub" ], [ "The Phoenix", "food", "Fast food" ], [ "The Phoenix", "area", "riverside" ], [ "The Phoenix", "familyFriendly", "yes" ], [ "The Phoenix", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "There is a fast food, pub located near Raja Indian Cuisine in Riverside called The Phoenix. The pub is in the higher price range and is children friendly." }, { "source": "e2e", "text": "The Phoenix is a children friendly fast food pub and pub. It is located in the riverside area near Raja Indian Cuisine" }, { "source": "e2e", "text": "If you are looking for higher priced fast food in a child friendly environment, consider The Phoenix pub. Located in the riverside area, near Raja Indian Cuisine." }, { "source": "e2e", "text": "The Phoenix is a fast food, pub located near Raja Indian Cuisine in Riverside. The pub is children friendly and is in the higher price range." }, { "source": "e2e", "text": "Close to Raja Indian Cuisine, on the riverside, The Phoenix pub offers higher priced fast food in a child friendly establishment." }, { "source": "e2e", "text": "The Phoenix is a children friendly pub that serves fast food and has a price range of more than L30. It is by the riverside near Raja Indian Cuisine." }, { "source": "e2e", "text": "The Phoenix is a children friendly pub near Raja Indian Cuisine. It is by the riverside, serves fast food and has a price range of more than L30." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "pub" ], [ "The Phoenix", "food", "Fast food" ], [ "The Phoenix", "area", "riverside" ], [ "The Phoenix", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "riverside pub The Phoenix Fast food price range same Raja Indian Cuisine" } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "pub" ], [ "The Phoenix", "food", "Fast food" ], [ "The Phoenix", "customer rating", "high" ], [ "The Phoenix", "area", "city centre" ], [ "The Phoenix", "familyFriendly", "yes" ], [ "The Phoenix", "near", "Caf\u00e9 Sicilia" ] ], "annotations": [ { "source": "e2e", "text": "There is a children friendly pub in the city center area, near Caf\u00e9 Sicilia named The Phoenix. They have a high customer rating with fast food ranging more the \u00a330." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "pub" ], [ "The Phoenix", "food", "Fast food" ], [ "The Phoenix", "customer rating", "high" ], [ "The Phoenix", "area", "riverside" ], [ "The Phoenix", "familyFriendly", "no" ], [ "The Phoenix", "near", "Caf\u00e9 Sicilia" ] ], "annotations": [ { "source": "e2e", "text": "The Phoenix is a high rated pub located on the riverside near Caf\u00e9 Sicilia offering fast food. It has a mid-level price range and is not children friendly." }, { "source": "e2e", "text": "The Phoenix is a high rated pub located on the riverside near Caf\u00e9 Sicilia offering fast food. It has a mid-level price range and is not children friendly." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "pub" ], [ "The Phoenix", "food", "Fast food" ], [ "The Phoenix", "customer rating", "high" ], [ "The Phoenix", "area", "riverside" ], [ "The Phoenix", "familyFriendly", "yes" ], [ "The Phoenix", "near", "Caf\u00e9 Sicilia" ] ], "annotations": [ { "source": "e2e", "text": "For a less child friendly and more adult fast food experience try The Phoenix pub near the Caf\u00e9 Sicilia in the riverside area. It charges a bit more than the average pub but is highly rated." }, { "source": "e2e", "text": "The Phoenix is a family friendly, high rated, pub with Fast food. It's on the riverside by Caf\u00e9 Sicilia with a price range of about 30 Euros." }, { "source": "e2e", "text": "There's a pub that has Fast food with a high customer rating. Its called The Phoenix and it's on the river side by Caf\u00e9 Sicilia. It's family friendly but expect to pay around 30 Euros." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "pub" ], [ "The Phoenix", "food", "Fast food" ], [ "The Phoenix", "priceRange", "cheap" ], [ "The Phoenix", "area", "riverside" ], [ "The Phoenix", "familyFriendly", "yes" ], [ "The Phoenix", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "With a cheap price range along the riverside, the pub named The Phoenix is family friendly and serves Fast food Raja Indian Cuisine." }, { "source": "e2e", "text": "The Phoenix is a cheap and family friendly pub in the Riverside area. The Phoenix serves fast food and is located near Raja Indian Cuisine." }, { "source": "e2e", "text": "Riverside has a cheap fast food pub near Raja Indian Cuisine named The Phoenix. It's family-friendly." }, { "source": "e2e", "text": "The Phoenix is a cheap and family friendly pub in the Riverside area. The Phoenix serves fast food and is located near Raja Indian Cuisine." }, { "source": "e2e", "text": "The Phoenix is a pub serving Fast food located in riverside near Raja Indian Cuisine. It is cheap and family Friendly." }, { "source": "e2e", "text": "With a cheap price range along the riverside, the pub 'The Phoenix' is family friendly and serves Fast food Raja Indian Cuisine." }, { "source": "e2e", "text": "Family Friendly The Phoenix is a cheap pub serving Fast food. It is located in riverside near Raja Indian Cuisine." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "pub" ], [ "The Phoenix", "food", "Fast food" ], [ "The Phoenix", "priceRange", "cheap" ], [ "The Phoenix", "area", "riverside" ], [ "The Phoenix", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Phoenix is a moderately cheap pub located in the area of Riverside, near the Raja Indian Cuisine. Fast food is sold there and the staff are friendly." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "pub" ], [ "The Phoenix", "food", "Fast food" ], [ "The Phoenix", "priceRange", "cheap" ], [ "The Phoenix", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Phoenix is a pub providing Fast food deliveries in the low price range. It is located in Raja Indian Cuisine" } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "pub" ], [ "The Phoenix", "food", "Fast food" ], [ "The Phoenix", "priceRange", "high" ], [ "The Phoenix", "area", "city centre" ], [ "The Phoenix", "familyFriendly", "no" ], [ "The Phoenix", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "There is a pub located in the city centre, near Raja Indian Cuisine, in the high price range. The Phoenix provides Fast food but no children friendly menu or services are offered." }, { "source": "e2e", "text": "The Phoenix is a pub near Raja Indian Cuisine in the city centre. They serve Fast food, no children menus or services, in a high price range." }, { "source": "e2e", "text": "The Phoenix is a high priced pub that serves fast food but is a non-children friendly atmosphere. It is located near Raja Indian Cuisine both in the city centre." }, { "source": "e2e", "text": "A high priced pub that serves fast food is The Phoenix , but has a non-children friendly atmosphere. It is located in the city centre near Raja Indian Cuisine" } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "pub" ], [ "The Phoenix", "food", "Fast food" ], [ "The Phoenix", "priceRange", "high" ], [ "The Phoenix", "area", "city centre" ], [ "The Phoenix", "familyFriendly", "yes" ], [ "The Phoenix", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Phoenix is a child-friendly fast food pub. It is in the high price range, and a pub. It is located near Raja Indian Cuisine in the city centre." }, { "source": "e2e", "text": "The child friendly Fast food pub named The Phoenix pub is near the Raja Indian Cuisine and the city center in the high price range." }, { "source": "e2e", "text": "The Phoenix pub is in the high price range and serves child friendly Fast food near the Raja Indian Cuisine and the center of the city." }, { "source": "e2e", "text": "The Phoenix is a child-friendly fast food pub in the high price range. It is located in the city centre, near Raja Indian Cuisine." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "pub" ], [ "The Phoenix", "food", "Fast food" ], [ "The Phoenix", "priceRange", "high" ], [ "The Phoenix", "area", "riverside" ], [ "The Phoenix", "familyFriendly", "no" ], [ "The Phoenix", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "In the area of riverside near Raja Indian Cuisine is The Phoenix, it is a pub. It is not kid friendly and the Fast food is highly expensive." }, { "source": "e2e", "text": "The Phoenix, a fast food pub is not kid friendly. With a high price range, it is near Raja Indian Cuisine and in the riverside area." }, { "source": "e2e", "text": "The Phoenix pub has highly expensive Fast food, and it is not kid friendly. It is in the area of riverside and near Raja Indian Cuisine." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "pub" ], [ "The Phoenix", "food", "Fast food" ], [ "The Phoenix", "priceRange", "high" ], [ "The Phoenix", "area", "riverside" ], [ "The Phoenix", "familyFriendly", "yes" ], [ "The Phoenix", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "A high priced pub serving fast food in the riverside area, near Raja Indian Cuisine, is The Phoenix. It is children friendly." }, { "source": "e2e", "text": "The Phoenix is a high priced, child friendly, Fast food pub in Riverside, near Raja Indian Cuisine." }, { "source": "e2e", "text": "Beside Raja Indian Cuisine in riverside there is a child friendly high priced fast food and pub called The Phoenix." }, { "source": "e2e", "text": "The Phoenix is a child friendly high priced fast food and pub near Raja Indian Cuisine in riverside." }, { "source": "e2e", "text": "The children friendly fast food pub and pub, The Phoenix is very expensive. It is located in the riverside area near Raja Indian Cuisine" } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "pub" ], [ "The Phoenix", "food", "Fast food" ], [ "The Phoenix", "priceRange", "high" ], [ "The Phoenix", "familyFriendly", "no" ], [ "The Phoenix", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The pub, The Phoenix, is not kid friendly, considered fast food and has a high price range. Though not kid friendly, it is near Raja Indian Cuisine and river side." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "pub" ], [ "The Phoenix", "food", "Fast food" ], [ "The Phoenix", "priceRange", "high" ], [ "The Phoenix", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Phoenix offers Fast food and pub with expensive price near Raja Indian Cuisine." }, { "source": "e2e", "text": "The Phoenix offers Fast food and pub with expensive price near Raja Indian Cuisine." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "pub" ], [ "The Phoenix", "food", "Fast food" ], [ "The Phoenix", "priceRange", "less than \u00a320" ], [ "The Phoenix", "area", "city centre" ], [ "The Phoenix", "familyFriendly", "no" ], [ "The Phoenix", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "There is a moderately priced pub The Phoenix in the city centre near Raja Indian Cuisine. It is not family-friendly but they serve fast food." }, { "source": "e2e", "text": "The Phoenix is a moderately priced pub in the city centre near Raja Indian Cuisine. It is not family-friendly but they serve fast food." }, { "source": "e2e", "text": "For cheap fast food, The Phoenix pub is in the city centre near Raja Indian Cuisine. It is not family friendly." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "pub" ], [ "The Phoenix", "food", "Fast food" ], [ "The Phoenix", "priceRange", "less than \u00a320" ], [ "The Phoenix", "area", "city centre" ], [ "The Phoenix", "familyFriendly", "yes" ], [ "The Phoenix", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "A fast food and pub near Raja Indian Cuisine in the city centre, The Phoenix is a family-friendly place where you can eat for less than \u00a320" }, { "source": "e2e", "text": "The Phoenix is a family-friendly fast food and pub near Raja Indian Cuisine in the city centre where you can eat for less than \u00a320" }, { "source": "e2e", "text": "The Phoenix is a family-friendly pub that has a price range less than 20 pounds featuring fast food near Raja Indian Cuisine in the city centre." }, { "source": "e2e", "text": "The Phoenix pub serves fast food is located near Raja Indian Cuisine in the city centre. It is family-friendly and has a price range less than 20 pounds." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "pub" ], [ "The Phoenix", "food", "Fast food" ], [ "The Phoenix", "priceRange", "less than \u00a320" ], [ "The Phoenix", "area", "riverside" ], [ "The Phoenix", "familyFriendly", "no" ], [ "The Phoenix", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "In the riverside near Raja Indian Cuisine is pub called a The Phoenix. It serves fast food for less than \u00a320 and isn't family-friendly." }, { "source": "e2e", "text": "At the riverside near Raja Indian Cuisine is The Phoenix pub that has Fast food less than \u00a320 and is not family-friendly." }, { "source": "e2e", "text": "The Phoenix is a non family-friendly pub in the riverside. It is located near to Raja Indian Cuisine and serves fast food for less than \u00a320." }, { "source": "e2e", "text": "The Phoenix pub and fast food pub offers meals under \u00a320. It is located in riverside near Raja Indian Cuisine and is not family-friendly." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "pub" ], [ "The Phoenix", "food", "Fast food" ], [ "The Phoenix", "priceRange", "less than \u00a320" ], [ "The Phoenix", "area", "riverside" ], [ "The Phoenix", "familyFriendly", "yes" ], [ "The Phoenix", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "A pub with fast food, near Raja Indian Cuisine on the riverside is family friendly and less than 20 euros is known as, The Phoenix." }, { "source": "e2e", "text": "The Phoenix, a pub with fast food, near Raja Indian Cuisine, on the riverside is family friendly and less than 20 euros" } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "pub" ], [ "The Phoenix", "food", "Fast food" ], [ "The Phoenix", "priceRange", "less than \u00a320" ], [ "The Phoenix", "area", "riverside" ], [ "The Phoenix", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Phoenix is a riverside, fast food pub for adults that is riverside near Raja Indian Cuisine with prices less than \u00a320." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "pub" ], [ "The Phoenix", "food", "Fast food" ], [ "The Phoenix", "priceRange", "moderate" ], [ "The Phoenix", "area", "city centre" ], [ "The Phoenix", "familyFriendly", "no" ], [ "The Phoenix", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Phoenix pub serves fast food at a moderate price. The Phoenix can be found near Raja Indian Cuisine in the city centre and is not kid friendly." }, { "source": "e2e", "text": "There is a pub by the name of The Phoenix. Their price range is moderate and they serve Fast Food. They are not kid friendly and they are at the city centre near Raja Indian Cuisine." }, { "source": "e2e", "text": "There is a no kid friendly pub called The Phoenix located at the city centre. They serve fast food, their price range is moderate, and they are near Raja Indian Cuisine." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "pub" ], [ "The Phoenix", "food", "Fast food" ], [ "The Phoenix", "priceRange", "moderate" ], [ "The Phoenix", "area", "city centre" ], [ "The Phoenix", "familyFriendly", "yes" ], [ "The Phoenix", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "There is a moderately priced pub named The Phoenix that serves fast food. The Phoenix is Kid Friendly and is near Raja Indian Cuisine in the city centre." }, { "source": "e2e", "text": "The Phoenix is a pub serving fast food near Raja Indian Cuisine in the city center. The Phoenix is kid friendly and moderately priced." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "pub" ], [ "The Phoenix", "food", "Fast food" ], [ "The Phoenix", "priceRange", "moderate" ], [ "The Phoenix", "area", "city centre" ], [ "The Phoenix", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Phoenix is a fast food pub with a moderate price range. It is located in the city centre near Raja Indian Cuisine." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "pub" ], [ "The Phoenix", "food", "Fast food" ], [ "The Phoenix", "priceRange", "moderate" ], [ "The Phoenix", "area", "riverside" ], [ "The Phoenix", "familyFriendly", "no" ], [ "The Phoenix", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The the riverside area, near Raja Indian Cuisine, there is a Fast food pub in the moderate price range called The Phoenix. It is not kids friendly." }, { "source": "e2e", "text": "There is a Fast food pub located near Raja Indian Cuisine in riverside called The Phoenix. It has a moderate price range and is not kid friendly." }, { "source": "e2e", "text": "Near Raja Indian Cuisine in Riverside there is a moderately priced Fast food pub named The Phoenix. It is not kids friendly." }, { "source": "e2e", "text": "The Phoenix is a Fast food pub located near Raja Indian Cuisine in riverside. It is not kid friendly and has a moderate price range." }, { "source": "e2e", "text": "The Phoenix is a pub. There price range is moderate. They serve fast food. They are not kids friendly. Located near the Raja Indian Cuisine, in the riverside area." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "pub" ], [ "The Phoenix", "food", "Fast food" ], [ "The Phoenix", "priceRange", "moderate" ], [ "The Phoenix", "area", "riverside" ], [ "The Phoenix", "familyFriendly", "yes" ], [ "The Phoenix", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Phoenix serves fast food. It is also a pub. The price range is moderate. It is kids friendly. It is in the riverside area near Raja Indian Cuisine." }, { "source": "e2e", "text": "The Phoenix is a moderately priced pub offering fast food and is kid friendly. It is located near Raja Indian Cuisine in riverside." }, { "source": "e2e", "text": "The Phoenix is a moderate priced Fast food pub in riverside near Raja Indian Cuisine. It is kid friendly." }, { "source": "e2e", "text": "The Phoenix is a Fast food pub in riverside near Raja Indian Cuisine. It is kid friendly and moderate priced." }, { "source": "e2e", "text": "In riverside, near Raja Indian Cuisine is a moderately priced pub that serves fast food. It is also child friendly and is called The Phoenix." }, { "source": "e2e", "text": "The Phoenix, near Raja Indian Cuisine is a moderately priced fast food pub that is child friendly and is in riverside." }, { "source": "e2e", "text": "A pub named The Phoenix is located near Raja Indian Cuisine in riverside offering moderately priced fast food. It is kid friendly." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "pub" ], [ "The Phoenix", "food", "Fast food" ], [ "The Phoenix", "priceRange", "moderate" ], [ "The Phoenix", "customer rating", "3 out of 5" ], [ "The Phoenix", "area", "riverside" ], [ "The Phoenix", "familyFriendly", "yes" ], [ "The Phoenix", "near", "Caf\u00e9 Sicilia" ] ], "annotations": [ { "source": "e2e", "text": "The Phoenix is a fast food pub located along the riverside near Caf\u00e9 Sicilia. It is kid friendly with moderate prices and has a customer rating of 3 out of 5." }, { "source": "e2e", "text": "The Phoenix serves moderately priced fast food in a kids friendly pub. It is rated 3 out of 5 and is found near Caf\u00e9 Sicilia in the riverside area." }, { "source": "e2e", "text": "The Phoenix is a fast food pub that has a moderate price range and is kid friendly. It has a rating of 3 out of 5 and is located along the riverside near Caf\u00e9 Sicilia." }, { "source": "e2e", "text": "The Phoenix is a kids friendly pub near Caf\u00e9 Sicilia in the riverside area. It is moderately priced, rated 3 out of 5 and serves fast food." }, { "source": "e2e", "text": "On the riverside near Caf\u00e9 Sicilia is The Phoenix. A pub that serves fast food within a moderate price range. It is kid friendly and has a customer rating of 3 out of 5." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "pub" ], [ "The Phoenix", "food", "Fast food" ], [ "The Phoenix", "priceRange", "more than \u00a330" ], [ "The Phoenix", "area", "city centre" ], [ "The Phoenix", "familyFriendly", "yes" ], [ "The Phoenix", "near", "Caf\u00e9 Sicilia" ] ], "annotations": [ { "source": "e2e", "text": "The Phoenix is a fast food pub that is children friendly. The prices are more than \u00a330 and it's near Caf\u00e9 Sicilia in the city center." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "pub" ], [ "The Phoenix", "food", "Fast food" ], [ "The Phoenix", "priceRange", "more than \u00a330" ], [ "The Phoenix", "area", "riverside" ], [ "The Phoenix", "familyFriendly", "yes" ], [ "The Phoenix", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "At the riverside, nearby Raja Indian Cuisine, there is a child friendly pub called The Phoenix which serves fast food, for which you can expect to pay more than \u00a330." }, { "source": "e2e", "text": "The Phoenix is a Fast food pub near Raja Indian Cuisine in the riverside area. It is children friendly with a price range more than \u00a330 per head." }, { "source": "e2e", "text": "For a Fast food pub with a price range more than \u00a330 there is The Phoenix in the riverside area near Raja Indian Cuisine. it is also children friendly." }, { "source": "e2e", "text": "The Phoenix pub is child friendly and offers fast food priced on average at more than \u00a330. It is located in the riverside area, near Raja Indian Cuisine." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "pub" ], [ "The Phoenix", "food", "Fast food" ], [ "The Phoenix", "priceRange", "more than \u00a330" ], [ "The Phoenix", "area", "riverside" ], [ "The Phoenix", "near", "Caf\u00e9 Sicilia" ] ], "annotations": [ { "source": "e2e", "text": "The Phoenix a family fast food pub in the more than \u00a330 range is located in Riverside next to Caf\u00e9 Sicilia." }, { "source": "e2e", "text": "The Phoenix a family fast food pub in the more than \u00a330 range is located in Riverside near Caf\u00e9 Sicilia." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "pub" ], [ "The Phoenix", "food", "Fast food" ], [ "The Phoenix", "priceRange", "more than \u00a330" ], [ "The Phoenix", "customer rating", "high" ], [ "The Phoenix", "area", "city centre" ], [ "The Phoenix", "near", "Caf\u00e9 Sicilia" ] ], "annotations": [ { "source": "e2e", "text": "The Phoenix is a Fast food pub located at the centre of the city, near the Caf\u00e9 Sicilia. The Phoenix offers a children-free atmosphere, and the prices range more than \u00a330. Rated high." }, { "source": "e2e", "text": "If you're looking for a children-free pub, check out The Phoenix. Located near the Caf\u00e9 Sicilia at the city centre. The Phoenix offers Fast food ranging more than \u00a330. Rated high by customers." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "pub" ], [ "The Phoenix", "food", "Fast food" ], [ "The Phoenix", "priceRange", "more than \u00a330" ], [ "The Phoenix", "customer rating", "high" ], [ "The Phoenix", "area", "riverside" ], [ "The Phoenix", "familyFriendly", "no" ], [ "The Phoenix", "near", "Caf\u00e9 Sicilia" ] ], "annotations": [ { "source": "e2e", "text": "Near Caf\u00e9 Sicilia in riverside is a pub that serves fast food called The Phoenix. The price range is more than \u00a330, they have a high customer rating and are not kid friendly." }, { "source": "e2e", "text": "The Phoenix, a pub that serves fast food near Caf\u00e9 Sicilia in riverside has a high customer rating, and is not kid friendly. Their price range is more than \u00a330." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "pub" ], [ "The Phoenix", "food", "Fast food" ], [ "The Phoenix", "priceRange", "more than \u00a330" ], [ "The Phoenix", "customer rating", "high" ], [ "The Phoenix", "area", "riverside" ], [ "The Phoenix", "familyFriendly", "yes" ], [ "The Phoenix", "near", "Caf\u00e9 Sicilia" ] ], "annotations": [ { "source": "e2e", "text": "The Phoenix is a pub which sells fast food of great quality at high prices. They are family friendly and can be found just east of Caf\u00e9 Sicilia on the River." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "pub" ], [ "The Phoenix", "food", "French" ], [ "The Phoenix", "area", "city centre" ], [ "The Phoenix", "familyFriendly", "no" ], [ "The Phoenix", "near", "Crowne Plaza Hotel" ] ], "annotations": [ { "source": "e2e", "text": "The Phoenix pub is located near Crowne Plaza Hotel in the city centre and serves French food in the \u00a320 - \u00a325 price range but is not child friendly" }, { "source": "e2e", "text": "The Phoenix pub is located near Crowne Plaza Hotel in the city centre and serves French food in the \u00a320 - \u00a325 price range but is not child friendly" } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "pub" ], [ "The Phoenix", "food", "French" ], [ "The Phoenix", "area", "city centre" ], [ "The Phoenix", "familyFriendly", "yes" ], [ "The Phoenix", "near", "Crowne Plaza Hotel" ] ], "annotations": [ { "source": "e2e", "text": "Selling French food, The Phoenix is a kid friendly French pub in the city centre near Crowne Plaza Hotel" }, { "source": "e2e", "text": "The Phoenix is a family-friendly pub serving French cuisine for a budget price. It is located in the city centre near to The Crowne Plaza Hotel" }, { "source": "e2e", "text": "The Phoenix, a pub, located at City Centre near Crowne Plaza Hotel, is set at a higher price range and features French Food. It is family-friendly." }, { "source": "e2e", "text": "The Phoenix is a pub, located at City Centre near Crowne Plaza Hotel, featuring higher price range menu and features French Cuisine. It is family-friendly." }, { "source": "e2e", "text": "The Phoenix is a pub providing French food and is children friendly for more than \u00a330 price range. It is located in the city centre near Crowne Plaza Hotel." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "pub" ], [ "The Phoenix", "food", "French" ], [ "The Phoenix", "area", "city centre" ], [ "The Phoenix", "near", "Crowne Plaza Hotel" ] ], "annotations": [ { "source": "e2e", "text": "French pub, The Phoenix, is located in the city centre near Crowne Plaza Hotel. They provide great service and products at a lower price." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "pub" ], [ "The Phoenix", "food", "French" ], [ "The Phoenix", "area", "riverside" ], [ "The Phoenix", "familyFriendly", "yes" ], [ "The Phoenix", "near", "Crowne Plaza Hotel" ] ], "annotations": [ { "source": "e2e", "text": "If you are looking for a family-friendly French pub at the riverside you should try The Phoenix located near to the Crowne Plaza Hotel." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "pub" ], [ "The Phoenix", "food", "French" ], [ "The Phoenix", "area", "riverside" ], [ "The Phoenix", "familyFriendly", "yes" ], [ "The Phoenix", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Phoenix pub is kid-friendly, with prices in the lower 20s. The serve French food on the riverside. It's located near Raja Indian Cuisine." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "pub" ], [ "The Phoenix", "food", "French" ], [ "The Phoenix", "area", "riverside" ], [ "The Phoenix", "near", "Crowne Plaza Hotel" ] ], "annotations": [ { "source": "e2e", "text": "The Phoenix is a French pub with moderate pricing located in riverside near Crowne Plaza Hotel." }, { "source": "e2e", "text": "The Phoenix is a reasonably priced pub offering a more adult experience by the riverside. It's location near a Crowne Plaza Hotel and misguided French bistro styling take to much from the experience to warrant a second visit." }, { "source": "e2e", "text": "There resides a French pub that should have fallen into the riverside with its prices. The Phoenix offers no respite for weary parents, but the Crowne Plaza Hotel next door definitely does." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "pub" ], [ "The Phoenix", "food", "French" ], [ "The Phoenix", "area", "riverside" ], [ "The Phoenix", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The French food serving pub known as The Phoenix is located near Raja Indian Cuisine on the the riverside. They cost between \u00a320-\u00a325." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "pub" ], [ "The Phoenix", "food", "French" ], [ "The Phoenix", "customer rating", "1 out of 5" ], [ "The Phoenix", "area", "city centre" ], [ "The Phoenix", "familyFriendly", "no" ], [ "The Phoenix", "near", "Crowne Plaza Hotel" ] ], "annotations": [ { "source": "e2e", "text": "The Phoenix is a moderate French pub near Crowne Plaza Hotel in city centre. It is not kid friendly and has a 1 out of 5 rating." }, { "source": "e2e", "text": "The Phoenix is not kid friendly. It is located near Crowne Plaza Hotel in city centre. It is a French pub that has a 1 out of 5 rating." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "pub" ], [ "The Phoenix", "food", "French" ], [ "The Phoenix", "customer rating", "1 out of 5" ], [ "The Phoenix", "area", "riverside" ], [ "The Phoenix", "near", "Crowne Plaza Hotel" ] ], "annotations": [ { "source": "e2e", "text": "Leave the children at Crowne Plaza Hotel and come to The Phoenix, a 1-star French-style pub down on the riverside." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "pub" ], [ "The Phoenix", "food", "French" ], [ "The Phoenix", "customer rating", "3 out of 5" ], [ "The Phoenix", "area", "city centre" ], [ "The Phoenix", "familyFriendly", "no" ], [ "The Phoenix", "near", "Caf\u00e9 Sicilia" ] ], "annotations": [ { "source": "e2e", "text": "The Phoenix is a French pub , with a mid price range which is located near to Caf\u00e9 Sicilia in the city centre. The Phoenix is not child friendly and customer ratings are average." }, { "source": "e2e", "text": "Near Caf\u00e9 Sicilia in the city centre you can find a quite pricey pub which does not welcome children called The Phoenix. It has a pretty good customer rating and tends to serve French food." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "pub" ], [ "The Phoenix", "food", "French" ], [ "The Phoenix", "customer rating", "3 out of 5" ], [ "The Phoenix", "area", "city centre" ], [ "The Phoenix", "familyFriendly", "yes" ], [ "The Phoenix", "near", "Caf\u00e9 Sicilia" ] ], "annotations": [ { "source": "e2e", "text": "The Phoenix is a family-friendly pub serving French food located in the city centre, near Caf\u00e9 Sicilia. The Phoenix is averaged priced and has a customer rating of 3 out of 5." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "pub" ], [ "The Phoenix", "food", "French" ], [ "The Phoenix", "customer rating", "3 out of 5" ], [ "The Phoenix", "area", "city centre" ], [ "The Phoenix", "near", "Caf\u00e9 Sicilia" ] ], "annotations": [ { "source": "e2e", "text": "Adults can enjoy French food at The Phoenix which is a mid priced pub situated in the city centre near Caf\u00e9 Sicilia. It has average customer ratings." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "pub" ], [ "The Phoenix", "food", "French" ], [ "The Phoenix", "customer rating", "3 out of 5" ], [ "The Phoenix", "area", "riverside" ], [ "The Phoenix", "familyFriendly", "no" ], [ "The Phoenix", "near", "Caf\u00e9 Sicilia" ] ], "annotations": [ { "source": "e2e", "text": "The adult only French pub, The Phoenix, is located near Caf\u00e9 Sicilia in riverside where you can eat for under \u00a325 at a 3 out of 5 rated place" }, { "source": "e2e", "text": "Located near Caf\u00e9 Sicilia in Riverside, The Phoenix is an adult only pub with a 3 out of 5 rating serving French food for under \u00a325" } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "pub" ], [ "The Phoenix", "food", "French" ], [ "The Phoenix", "customer rating", "3 out of 5" ], [ "The Phoenix", "area", "riverside" ], [ "The Phoenix", "familyFriendly", "no" ], [ "The Phoenix", "near", "Crowne Plaza Hotel" ] ], "annotations": [ { "source": "e2e", "text": "The Phoenix is a highly priced French pub near Crowne Plaza Hotel by riverside. The Phoenix is not child friendly and has a customer rating of 3 out of 5." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "pub" ], [ "The Phoenix", "food", "French" ], [ "The Phoenix", "customer rating", "3 out of 5" ], [ "The Phoenix", "area", "riverside" ], [ "The Phoenix", "familyFriendly", "yes" ], [ "The Phoenix", "near", "Crowne Plaza Hotel" ] ], "annotations": [ { "source": "e2e", "text": "The pub, The Phoenix near the Crowne Plaza Hotel in riverside area. It is child friendly, serves French food, has a 3 out of 5 rating and can be a bit high in price." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "pub" ], [ "The Phoenix", "food", "French" ], [ "The Phoenix", "customer rating", "5 out of 5" ], [ "The Phoenix", "area", "city centre" ], [ "The Phoenix", "near", "Crowne Plaza Hotel" ] ], "annotations": [ { "source": "e2e", "text": "The French pub, The Phoenix, is located in the city centre near Crowne Plaza Hotel. They are adult oriented and have great reviews." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "pub" ], [ "The Phoenix", "food", "French" ], [ "The Phoenix", "customer rating", "5 out of 5" ], [ "The Phoenix", "area", "riverside" ], [ "The Phoenix", "familyFriendly", "yes" ], [ "The Phoenix", "near", "Crowne Plaza Hotel" ] ], "annotations": [ { "source": "e2e", "text": "In the Riverside area, there is a family-friendly French pub called The Phoenix. It is located near Crowne Plaza Hotel and has a 5 out of 5 customer rating." }, { "source": "e2e", "text": "If you are in the Riverside area, try The Phoenix, a high-end pub, located near Crowne Plaza Hotel. At \u00a330 and above, its menu is a bit pricey, but its 5 out of 5 customer rating proves that its delectable, children-friendly French food is well worth every penny." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "pub" ], [ "The Phoenix", "food", "French" ], [ "The Phoenix", "customer rating", "5 out of 5" ], [ "The Phoenix", "area", "riverside" ], [ "The Phoenix", "near", "Crowne Plaza Hotel" ] ], "annotations": [ { "source": "e2e", "text": "Near Crowne Plaza Hotel in riverside there is a French food place called The Phoenix. Customers give it a 5 out of 5 rating its a pub that is kid friend." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "pub" ], [ "The Phoenix", "food", "French" ], [ "The Phoenix", "customer rating", "average" ], [ "The Phoenix", "area", "riverside" ], [ "The Phoenix", "familyFriendly", "no" ], [ "The Phoenix", "near", "Crowne Plaza Hotel" ] ], "annotations": [ { "source": "e2e", "text": "Let's go to that French pub by Crowne Plaza Hotel, The Phoenix, it's right beside the river and it's cheaper than \u00a320, however it's not family-friendly and its customer rating is average." }, { "source": "e2e", "text": "The Phoenix is a French pub near Crowne Plaza Hotel, and beside the river, costing roughly \u00a320, it's a bit cheaper, however it's not family-friendly, and its customer rating is average." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "pub" ], [ "The Phoenix", "food", "French" ], [ "The Phoenix", "customer rating", "high" ], [ "The Phoenix", "area", "city centre" ], [ "The Phoenix", "familyFriendly", "yes" ], [ "The Phoenix", "near", "Crowne Plaza Hotel" ] ], "annotations": [ { "source": "e2e", "text": "'The Phoenix' is a kid-friendly French pub. It is a reasonably priced place with high quality reviews. It is located near Crowne Plaza Hotel in the city center." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "pub" ], [ "The Phoenix", "food", "French" ], [ "The Phoenix", "customer rating", "high" ], [ "The Phoenix", "area", "riverside" ], [ "The Phoenix", "familyFriendly", "no" ], [ "The Phoenix", "near", "Crowne Plaza Hotel" ] ], "annotations": [ { "source": "e2e", "text": "A pub that is not kid friendly is located in the riverside area near Crowne Plaza Hotel. It is named The Phoenix,has French food and price range of\u00a320-\u00a330 and a high customer rating." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "pub" ], [ "The Phoenix", "food", "French" ], [ "The Phoenix", "customer rating", "low" ], [ "The Phoenix", "area", "city centre" ], [ "The Phoenix", "familyFriendly", "no" ], [ "The Phoenix", "near", "Crowne Plaza Hotel" ] ], "annotations": [ { "source": "e2e", "text": "There is a pub called The Phoenix near the Crowne Plaza Hotel in city centre. They serve French food in a non-child friendly environment at prices more than \u00a330 and have earned a low customer rating." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "pub" ], [ "The Phoenix", "food", "French" ], [ "The Phoenix", "customer rating", "low" ], [ "The Phoenix", "area", "riverside" ], [ "The Phoenix", "familyFriendly", "no" ], [ "The Phoenix", "near", "Crowne Plaza Hotel" ] ], "annotations": [ { "source": "e2e", "text": "The Phoenix is a pub in the riverside area that sells French cuisine in the \u00a320 or less range, it doesn't have good customer ratings. You'll find it near the Crowne Plaza Hotel but it isn't family-friendly." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "pub" ], [ "The Phoenix", "food", "French" ], [ "The Phoenix", "customer rating", "low" ], [ "The Phoenix", "area", "riverside" ], [ "The Phoenix", "familyFriendly", "yes" ], [ "The Phoenix", "near", "Crowne Plaza Hotel" ] ], "annotations": [ { "source": "e2e", "text": "The Phoenix is a French pub located at the riverside near to The Crowne Plaza Hotel. It is family-friendly with a budget menu but low ratings." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "pub" ], [ "The Phoenix", "food", "French" ], [ "The Phoenix", "customer rating", "low" ], [ "The Phoenix", "area", "riverside" ], [ "The Phoenix", "near", "Crowne Plaza Hotel" ] ], "annotations": [ { "source": "e2e", "text": "The Phoenix is a pub. This pub is family friend and prices range less then 20 dollars. They offer different types of French food. The Phoenix is located in Riverside near the Crowne Plaza Hotel. Our customer rating is low." }, { "source": "e2e", "text": "The Phoenix is a pub. This pub is family friend and prices range less then 20 dollars. They offer different types of French food. The Phoenix is located in Riverside near the Crowne Plaza Hotel. Our customer rating is low." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "pub" ], [ "The Phoenix", "food", "French" ], [ "The Phoenix", "familyFriendly", "yes" ], [ "The Phoenix", "near", "Crowne Plaza Hotel" ] ], "annotations": [ { "source": "e2e", "text": "In the heart of the city near Crowne Plaza Hotel is The Phoenix, a French pub offering good prices, a family-friendly atmosphere, and good customer service." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "pub" ], [ "The Phoenix", "food", "French" ], [ "The Phoenix", "familyFriendly", "yes" ], [ "The Phoenix", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Phoenix is a pub located near Raja Indian Cuisine. They are kids friendly and cost between \u00a320-\u00a325. They serve French food." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "pub" ], [ "The Phoenix", "food", "French" ], [ "The Phoenix", "priceRange", "cheap" ], [ "The Phoenix", "area", "city centre" ], [ "The Phoenix", "familyFriendly", "yes" ], [ "The Phoenix", "near", "Crowne Plaza Hotel" ] ], "annotations": [ { "source": "e2e", "text": "The Phoenix, a French, affordable pub in the city centre near Crowne Plaza Hotel. It is family-friendly with excellent customer service." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "pub" ], [ "The Phoenix", "food", "French" ], [ "The Phoenix", "priceRange", "cheap" ], [ "The Phoenix", "area", "riverside" ], [ "The Phoenix", "familyFriendly", "yes" ], [ "The Phoenix", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Phoenix is a cheap family friendly French pub and a pub located near Raja Indian Cuisine near riverside" }, { "source": "e2e", "text": "There is a cheap French pub named The Phoenix that is family friendly in riverside by Raja Indian Cuisine." }, { "source": "e2e", "text": "The Phoenix pub is now serving French food at low prices in a family friendly atmosphere, located in the riverside area by Raja Indian Cuisine" }, { "source": "e2e", "text": "The Phoenix is a cheap French pub in riverside. it is family friendly and located by Raja Indian Cuisine." }, { "source": "e2e", "text": "Located near Raja Indian Cuisine, lies a French pub called The Phoenix, known for being a cheap family friendly pub in riverside" }, { "source": "e2e", "text": "Looking for French food at a low prices in a family friendly environment, check out The Phoenix pub in the riverside area by Raja Indian Cuisine" } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "pub" ], [ "The Phoenix", "food", "French" ], [ "The Phoenix", "priceRange", "cheap" ], [ "The Phoenix", "customer rating", "5 out of 5" ], [ "The Phoenix", "area", "city centre" ], [ "The Phoenix", "familyFriendly", "no" ], [ "The Phoenix", "near", "Crowne Plaza Hotel" ] ], "annotations": [ { "source": "e2e", "text": "The Phoenix is a highly rated French pub near Crowne Plaza Hotel in the city centre. They offer low prices, but are not family-friendly." }, { "source": "e2e", "text": "If you are looking for a cheap French pub with a 5 out of 5 rating that is not family-friendly, visit The Phoenix in the city centre near Crowne Plaza Hotel." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "pub" ], [ "The Phoenix", "food", "French" ], [ "The Phoenix", "priceRange", "cheap" ], [ "The Phoenix", "customer rating", "5 out of 5" ], [ "The Phoenix", "area", "city centre" ], [ "The Phoenix", "familyFriendly", "yes" ], [ "The Phoenix", "near", "Crowne Plaza Hotel" ] ], "annotations": [ { "source": "e2e", "text": "The cheap highly rated family-friendly pub called The Phoenix is located in the city centre, near Crowne Plaza Hotel. It serves French food." }, { "source": "e2e", "text": "There's a family-friendly pub called The Phoenix selling French food. It's rated 5 out of 5 and it's cheap as well, you can find it by Crowne Plaza Hotel in the city centre." }, { "source": "e2e", "text": "In the city centre, near Crowne Plaza Hotel, there is a cheap highly rated pub called The Phoenix, which serves French food and is family-friendly." }, { "source": "e2e", "text": "There is a French pub The Phoenix with excellent customer rating. It is located in the city centre near Crowne Plaza Hotel, cheap and family-friendly." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "pub" ], [ "The Phoenix", "food", "French" ], [ "The Phoenix", "priceRange", "cheap" ], [ "The Phoenix", "customer rating", "5 out of 5" ], [ "The Phoenix", "area", "city centre" ], [ "The Phoenix", "near", "Crowne Plaza Hotel" ] ], "annotations": [ { "source": "e2e", "text": "The Phoenix is a cheap adult pub in the city centre near Crowne Plaza Hotel. They serve French food and have great reviews." }, { "source": "e2e", "text": "For a cheap pub offering French Food, try The Phoenix. It is located in the city centre, near Crowne Plaza Hotel, and has a customer rating of 5 out of 5." }, { "source": "e2e", "text": "Try The Phoenix. This Five out of Five rated pub has French Food for cheap in the city centre. It is located near Crowne Plaza Hotel." }, { "source": "e2e", "text": "The Phoenix is a pub with a 5 out of 5 rating. It sells French food by the Crowne Plaza Hotel in the city centre, you can bring your kids and get a cheap meal." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "pub" ], [ "The Phoenix", "food", "French" ], [ "The Phoenix", "priceRange", "cheap" ], [ "The Phoenix", "customer rating", "5 out of 5" ], [ "The Phoenix", "area", "riverside" ], [ "The Phoenix", "familyFriendly", "no" ], [ "The Phoenix", "near", "Crowne Plaza Hotel" ] ], "annotations": [ { "source": "e2e", "text": "The Phoenix is in the riverside area, is cheap and serves French food. It is near Crowne Plaza Hotel and is 5 out of 5. It is a non family-friendly pub." }, { "source": "e2e", "text": "The Phoenix is a riverside pub serving cheap French food, near Crowne Plaza Hotel. It may be a no families environment, but with a customer rating of 5 out of 5, you can't complain." }, { "source": "e2e", "text": "The Phoenix is a pub in the riverside area near Crowne Plaza Hotel. Also serving French food at low prices, customers rate it 5 out of 5 but it isn't family-friendly." }, { "source": "e2e", "text": "The Phoenix, near Crowne Plaza Hotel on the riverside has a great customer rating of 5 out of 5. It's a pub that serves French food at cheap prices, although it's a no families environment." }, { "source": "e2e", "text": "If you are looking for a pub in the riverside area try The Phoenix. Also serving low priced French food it is located close to Crowne Plaza Hotel. It is not family-friendly but has customer ratings of 5 out of 5." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "pub" ], [ "The Phoenix", "food", "French" ], [ "The Phoenix", "priceRange", "cheap" ], [ "The Phoenix", "customer rating", "5 out of 5" ], [ "The Phoenix", "area", "riverside" ], [ "The Phoenix", "familyFriendly", "yes" ], [ "The Phoenix", "near", "Crowne Plaza Hotel" ] ], "annotations": [ { "source": "e2e", "text": "The Phoenix is a French pub located near Crowne Plaza Hotel in riverside. At a customer rating of 5 out of 5 and its cheap this makes a great family friendly place." }, { "source": "e2e", "text": "Near Crowne Plaza Hotel there is a family friendly, French pub The Phoenix. It is a cheap place in riverside with a 5 out of 5 customer rating." }, { "source": "e2e", "text": "The Phoenix is a cheap, family-friendly French pub, in the Riverside area. It is near Crowne Plaza Hotel, and has a 5 out of 5 customer rating." }, { "source": "e2e", "text": "Near the Crowne Plaza Hotel in the riverside area there is a cheap pub called The Phoenix that serves French food and welcomes children that customers have rated a 5 out of 5." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "pub" ], [ "The Phoenix", "food", "French" ], [ "The Phoenix", "priceRange", "high" ], [ "The Phoenix", "area", "city centre" ], [ "The Phoenix", "familyFriendly", "yes" ], [ "The Phoenix", "near", "Crowne Plaza Hotel" ] ], "annotations": [ { "source": "e2e", "text": "The Phoenix is a pub in the city center near Crowne Plaza Hotel, offering French food in a family-friendly atmosphere in a high price range" }, { "source": "e2e", "text": "The Phoenix is a family-friendly high priced pub in the city centre near Crowne Plaza Hotel offering French food" } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "pub" ], [ "The Phoenix", "food", "French" ], [ "The Phoenix", "priceRange", "high" ], [ "The Phoenix", "area", "riverside" ], [ "The Phoenix", "familyFriendly", "yes" ], [ "The Phoenix", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Phoenix is a high priced pub serving French cuisine situated on the riverside near Raja Indian Cuisine which is child friendly." }, { "source": "e2e", "text": "The Phoenix is a pub near Raja Indian Cuisine in Riverside that serves expensive French food. It is children friendly." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "pub" ], [ "The Phoenix", "food", "French" ], [ "The Phoenix", "priceRange", "high" ], [ "The Phoenix", "customer rating", "3 out of 5" ], [ "The Phoenix", "area", "city centre" ], [ "The Phoenix", "familyFriendly", "no" ], [ "The Phoenix", "near", "Crowne Plaza Hotel" ] ], "annotations": [ { "source": "e2e", "text": "The Phoenix is a French pub located in the city centre. It has a high price range, but a customer rating of 3 out of 5. It is located near Crowne Plaza Hotel, and is not children friendly." }, { "source": "e2e", "text": "The Phoenix pub is in the city centre near Crowne Plaza Hotel. It serves French food of high prices. Not being child friendly customers rate it 3 out of 5." }, { "source": "e2e", "text": "In the city centre close to Crowne Plaza Hotel is The Phoenix pub. Serving French food and prices being on the high side. This isn't child friendly and has a customer rating of 3 out of 5." }, { "source": "e2e", "text": "Near Crowne Plaza Hotel in the city centre is The Phoenix. A pub that serves French food with a customer rating of 3 out of 5. It has a high price range. No children." }, { "source": "e2e", "text": "The Phoenix is a city centre pub near Crowne Plaza Hotel. Rated 3 out of 5 by customers, it's French food falls within a high price range. No for children." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "pub" ], [ "The Phoenix", "food", "French" ], [ "The Phoenix", "priceRange", "high" ], [ "The Phoenix", "customer rating", "3 out of 5" ], [ "The Phoenix", "area", "city centre" ], [ "The Phoenix", "familyFriendly", "yes" ], [ "The Phoenix", "near", "Crowne Plaza Hotel" ] ], "annotations": [ { "source": "e2e", "text": "The Phoenix is a children friendly French pub near Crowne Plaza Hotel in the city centre. It has a customer rating of 3 out of 5 and a high price range." }, { "source": "e2e", "text": "The Phoenix is a children friendly French pub near Crowne Plaza Hotel in the city centre with a customer rating of 3 out of 5 and a high price range." }, { "source": "e2e", "text": "In the city center area near Crowne Plaza Hotel is a child friendly French food pub in the high price range named The Phoenix and was given a customer rating of 3 out of 5." }, { "source": "e2e", "text": "There is a child friendly French food pub with a high price range near Crowne Plaza Hotel in the city center area. The place is named The Phoenix and received a customer rating of 3 out of 5." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "pub" ], [ "The Phoenix", "food", "French" ], [ "The Phoenix", "priceRange", "high" ], [ "The Phoenix", "customer rating", "3 out of 5" ], [ "The Phoenix", "area", "riverside" ], [ "The Phoenix", "familyFriendly", "no" ], [ "The Phoenix", "near", "Crowne Plaza Hotel" ] ], "annotations": [ { "source": "e2e", "text": "The Phoenix is a riverside pub that serves French style food, with a customer rating of 3 out of 5 this leaves a lot to be desired with a high price range and no children policy you can find it located near Crowne Plaza Hotel." }, { "source": "e2e", "text": "The Phoenix is a French pub which is near Crowne Plaza Hotel by riverside. It is in the high price range and has a customer rating of 3 out of 5. The Phoenix is not child friendly." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "pub" ], [ "The Phoenix", "food", "French" ], [ "The Phoenix", "priceRange", "high" ], [ "The Phoenix", "customer rating", "3 out of 5" ], [ "The Phoenix", "area", "riverside" ], [ "The Phoenix", "familyFriendly", "yes" ], [ "The Phoenix", "near", "Crowne Plaza Hotel" ] ], "annotations": [ { "source": "e2e", "text": "The Phoenix is a pub near the Crowne Plaza Hotel in the riverside area. It is child friendly and has a customer rating of 3 out of 5. It serves French food and has a high price range." }, { "source": "e2e", "text": "The Phoenix is a pub serving high priced French food that is located near Crowne Plaza Hotel on the riverside. It is child friendly and has customer rating of 3 out of 5." }, { "source": "e2e", "text": "The Phoenix is a high price range French pub in the riverside area near Crowne Plaza Hotel. It is child friendly and has a customer rating of 3 out of 5." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "pub" ], [ "The Phoenix", "food", "French" ], [ "The Phoenix", "priceRange", "high" ], [ "The Phoenix", "customer rating", "3 out of 5" ], [ "The Phoenix", "area", "riverside" ], [ "The Phoenix", "near", "Crowne Plaza Hotel" ] ], "annotations": [ { "source": "e2e", "text": "For a child free riverside pub that serves French style food at a high price and a customer rating of 3 out of 5 then visit The Phoenix which is located near to Crowne Plaza Hotel" } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "pub" ], [ "The Phoenix", "food", "French" ], [ "The Phoenix", "priceRange", "less than \u00a320" ], [ "The Phoenix", "area", "city centre" ], [ "The Phoenix", "familyFriendly", "no" ], [ "The Phoenix", "near", "Crowne Plaza Hotel" ] ], "annotations": [ { "source": "e2e", "text": "The Phoenix is pub that serves average French food in city centre near Crowne Plaza Hotel. It is not family-friendly place with price less than \u00a320." }, { "source": "e2e", "text": "pub called The Phoenix is located in city centre, near Crowne Plaza Hotel. It serves average French food with price range less than \u00a320. It is not family-friendly place." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "pub" ], [ "The Phoenix", "food", "French" ], [ "The Phoenix", "priceRange", "less than \u00a320" ], [ "The Phoenix", "area", "city centre" ], [ "The Phoenix", "near", "Crowne Plaza Hotel" ] ], "annotations": [ { "source": "e2e", "text": "Near Crowne Plaza Hotel in the city centre is French pub The Phoenix serving dishes less than \u00a320" }, { "source": "e2e", "text": "The Phoenix, a French pub, serves dishes less than \u00a320 near Crowne Plaza Hotel in the city centre" } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "pub" ], [ "The Phoenix", "food", "French" ], [ "The Phoenix", "priceRange", "less than \u00a320" ], [ "The Phoenix", "area", "riverside" ], [ "The Phoenix", "familyFriendly", "yes" ], [ "The Phoenix", "near", "Crowne Plaza Hotel" ] ], "annotations": [ { "source": "e2e", "text": "The Phoenix is a pub at the riverside, near Crowne Plaza Hotel, and serves French food for less than \u00a320 and is family Friendly" } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "pub" ], [ "The Phoenix", "food", "French" ], [ "The Phoenix", "priceRange", "less than \u00a320" ], [ "The Phoenix", "area", "riverside" ], [ "The Phoenix", "near", "Crowne Plaza Hotel" ] ], "annotations": [ { "source": "e2e", "text": "The Phoenix is a pub yes less than \u00a320 French Crowne Plaza Hotel riverside low." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "pub" ], [ "The Phoenix", "food", "French" ], [ "The Phoenix", "priceRange", "less than \u00a320" ], [ "The Phoenix", "customer rating", "average" ], [ "The Phoenix", "area", "city centre" ], [ "The Phoenix", "familyFriendly", "yes" ], [ "The Phoenix", "near", "Crowne Plaza Hotel" ] ], "annotations": [ { "source": "e2e", "text": "The Phoenix is a family-friendly pub with French cuisine. Prices are less than \u00a320. Customers give it an average rating. It is located in the city centre near a Crowne Plaza Hotel." }, { "source": "e2e", "text": "Located in the city centre near Crowne Plaza Hotel, The Phoenix is a family-friendly pub with French cuisine. Prices are less than \u00a320. Customers give it an average rating." }, { "source": "e2e", "text": "The Phoenix, located near Crowne Plaza Hotel in the city centre, is a French pub with has an average customer rating, a less than \u00a320 price range, but is family-friendly." }, { "source": "e2e", "text": "There is a French pub near Crowne Plaza Hotel in the city centre called The Phoenix which is family-friendly, an average customer rating, and has a less than \u00a320 price range." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "pub" ], [ "The Phoenix", "food", "French" ], [ "The Phoenix", "priceRange", "less than \u00a320" ], [ "The Phoenix", "customer rating", "average" ], [ "The Phoenix", "area", "city centre" ], [ "The Phoenix", "near", "Crowne Plaza Hotel" ] ], "annotations": [ { "source": "e2e", "text": "French average rated pub in the city center where you pay less than \u00a320. The Phoenix, non family, near Crowne Plaza Hotel." }, { "source": "e2e", "text": "The Phoenix is a French pub average rated located in the city center near Crowne Plaza Hotel. You pay less than \u00a320 in a non family environment." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "pub" ], [ "The Phoenix", "food", "French" ], [ "The Phoenix", "priceRange", "less than \u00a320" ], [ "The Phoenix", "customer rating", "average" ], [ "The Phoenix", "area", "riverside" ], [ "The Phoenix", "familyFriendly", "yes" ], [ "The Phoenix", "near", "Crowne Plaza Hotel" ] ], "annotations": [ { "source": "e2e", "text": "The Phoenix is a French family friendly and average rated pub near Crowne Plaza Hotel that has a price range of less than \u00a320 in the riverside area." }, { "source": "e2e", "text": "in the riverside is a family friendly French pub named The Phoenix with a price range of less than \u00a320 near Crowne Plaza Hotel has an average customer rating." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "pub" ], [ "The Phoenix", "food", "French" ], [ "The Phoenix", "priceRange", "less than \u00a320" ], [ "The Phoenix", "customer rating", "average" ], [ "The Phoenix", "area", "riverside" ], [ "The Phoenix", "near", "Crowne Plaza Hotel" ] ], "annotations": [ { "source": "e2e", "text": "The Phoenix is in the riverside area near Crowne Plaza Hotel. It has a average customer rating, serving French food in a pub atmosphere. The price range is less than \u00a320." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "pub" ], [ "The Phoenix", "food", "French" ], [ "The Phoenix", "priceRange", "less than \u00a320" ], [ "The Phoenix", "customer rating", "low" ], [ "The Phoenix", "area", "city centre" ], [ "The Phoenix", "familyFriendly", "no" ], [ "The Phoenix", "near", "Crowne Plaza Hotel" ] ], "annotations": [ { "source": "e2e", "text": "The Phoenix is a pub that serves French food. It is located in the center of the city near Crowne Plaza Hotel. It is not family-friendly. The customer rating is low and the price range is less than \u00a320." }, { "source": "e2e", "text": "The Phoenix is located near Crowne Plaza Hotel in the center of the city. It is a pub that serves French food. It is not family-friendly. The customer rating is low and the price range is less than \u00a320." }, { "source": "e2e", "text": "The Phoenix is a pub that serves French food for a low price. It is not family-friendly and has a low customer rating. It is located in the city centre near Crowne Plaza Hotel." }, { "source": "e2e", "text": "There is a pub located in the city centre near Crowne Plaza Hotel named The Phoenix. It has a low customer rating and isn't family-friendly. They serve French food for under 20 euros." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "pub" ], [ "The Phoenix", "food", "French" ], [ "The Phoenix", "priceRange", "less than \u00a320" ], [ "The Phoenix", "customer rating", "low" ], [ "The Phoenix", "area", "city centre" ], [ "The Phoenix", "familyFriendly", "yes" ], [ "The Phoenix", "near", "Crowne Plaza Hotel" ] ], "annotations": [ { "source": "e2e", "text": "There is a Low price pub serving French food named The Phoenix Located in city center near Crowne Plaza Hotel with a low customer rating and is family-friendly" }, { "source": "e2e", "text": "In the city centre close to Crowne Plaza Hotel is a French pub called The Phoenix, it is family-friendly with a low rating and prices at approximately under \u00a320 per person" }, { "source": "e2e", "text": "In the city centre situated near Crowne Plaza Hotel is a French pub called The Phoenix, it is family-friendly and reasonably priced at less than \u00a320 per person, it has a low customer rating" }, { "source": "e2e", "text": "The Phoenix is Low price pub serving French food Located in city center near Crowne Plaza Hotel with a low customer rating and is family-friendly" } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "pub" ], [ "The Phoenix", "food", "French" ], [ "The Phoenix", "priceRange", "less than \u00a320" ], [ "The Phoenix", "customer rating", "low" ], [ "The Phoenix", "area", "riverside" ], [ "The Phoenix", "familyFriendly", "no" ], [ "The Phoenix", "near", "Crowne Plaza Hotel" ] ], "annotations": [ { "source": "e2e", "text": "The Phoenix is a pub serving low priced French food close to Crowne Plaza Hotel near the river. It is not family friendly and has a rating of 1 out of 5." }, { "source": "e2e", "text": "The Phoenix is a pub that serves French food and is situated near Crowne Plaza Hotel at Riverside. Low customer ratings and not suitable for families yet low price range of around \u00a320." }, { "source": "e2e", "text": "The Phoenix is a pub serving French food close to Crowne Plaza Hotel near the river. It is not family friendly and has a rating of 1 out of 5. The price range is low." }, { "source": "e2e", "text": "There is a riverside pub near to Crowne Plaza Hotel called The Phoenix. It serves French cuisine for less than \u00a320 per head but it isn't very family-friendly and has low customer ratings." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "pub" ], [ "The Phoenix", "food", "French" ], [ "The Phoenix", "priceRange", "less than \u00a320" ], [ "The Phoenix", "customer rating", "low" ], [ "The Phoenix", "area", "riverside" ], [ "The Phoenix", "familyFriendly", "yes" ], [ "The Phoenix", "near", "Crowne Plaza Hotel" ] ], "annotations": [ { "source": "e2e", "text": "The Phoenix is a French pub in the riverside area, close to Crowne Plaza Hotel. This venue is cheap, not recommended for families and has a customer rating 1 out of 5." }, { "source": "e2e", "text": "The Phoenix is a cheap, low rated pub in the riverside area. It serves French food, not recommended for families and is close to Crowne Plaza Hotel." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "pub" ], [ "The Phoenix", "food", "French" ], [ "The Phoenix", "priceRange", "moderate" ], [ "The Phoenix", "area", "riverside" ], [ "The Phoenix", "near", "Crowne Plaza Hotel" ] ], "annotations": [ { "source": "e2e", "text": "The Phoenix is a moderate priced French pub located near Crowne Plaza Hotel in riverside." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "pub" ], [ "The Phoenix", "food", "French" ], [ "The Phoenix", "priceRange", "moderate" ], [ "The Phoenix", "customer rating", "1 out of 5" ], [ "The Phoenix", "area", "city centre" ], [ "The Phoenix", "familyFriendly", "no" ], [ "The Phoenix", "near", "Crowne Plaza Hotel" ] ], "annotations": [ { "source": "e2e", "text": "There is a pub named The Phoenix with a moderate price range in the city centre, near Crowne Plaza Hotel. It serves French food and is not kid friendly, however it only has a customer rating of 1 out of 5." }, { "source": "e2e", "text": "The Phoenix is in the city centre, near Crowne Plaza Hotel. It's a French pub that isn't kids friendly. It has a moderate price range and a customer rating of 1 out of 5." }, { "source": "e2e", "text": "With a moderate price range, French pub The Phoenix is located in city centre near Crowne Plaza Hotel. It has a customer rating of 1 out of 5 and is not kid friendly." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "pub" ], [ "The Phoenix", "food", "French" ], [ "The Phoenix", "priceRange", "moderate" ], [ "The Phoenix", "customer rating", "1 out of 5" ], [ "The Phoenix", "area", "city centre" ], [ "The Phoenix", "familyFriendly", "yes" ], [ "The Phoenix", "near", "Crowne Plaza Hotel" ] ], "annotations": [ { "source": "e2e", "text": "The Phoenix is a pub that sells French Food for moderate prices. It has a 1 out of 5 rating and it is kids friendly. It is located in the city centre near Crowne Plaza Hotel." }, { "source": "e2e", "text": "The Phoenix is a pub. It has a moderate price range and it sells French food. It is kids friendly and has a 1 out of 5 rating. It is in the city centre near Crowne Plaza Hotel." }, { "source": "e2e", "text": "The Phoenix is a French pub with is kids friendly, and is in moderate price range located near Crowne Plaza Hotel in the city centre. However, it has a customer rating of only 1 out of 5." }, { "source": "e2e", "text": "There is French pub called The Phoenix which has a moderate price range and is kids friendly, but, it has a customer rating of 1 out of 5. It is located in the city centre near Crowne Plaza Hotel." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "pub" ], [ "The Phoenix", "food", "French" ], [ "The Phoenix", "priceRange", "moderate" ], [ "The Phoenix", "customer rating", "1 out of 5" ], [ "The Phoenix", "area", "riverside" ], [ "The Phoenix", "familyFriendly", "yes" ], [ "The Phoenix", "near", "Crowne Plaza Hotel" ] ], "annotations": [ { "source": "e2e", "text": "The Phoenix is a family-friendly pub near Crowne Plaza Hotel in the riverside area. With a moderate price range, it serves French food and has a customer rating of 1 out of 5." }, { "source": "e2e", "text": "Located in Riverside, near Crowne Plaza Hotel, The Phoenix is a moderately priced, kid friendly pub. It serves French food and has a customer rating of 1 out of 5." }, { "source": "e2e", "text": "There is a pub called The Phoenix with a moderate price range that serves French food and is also kid friendly. It has a customer rating of 1 out of 5, located near Crowne Plaza Hotel by the riverside" }, { "source": "e2e", "text": "The Phoenix is a pub serving French food in the riverside area. It is family friendly with a moderate price range, and located near Crowne Plaza Hotel. It has a customer rating of 1 out of 5." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "pub" ], [ "The Phoenix", "food", "French" ], [ "The Phoenix", "priceRange", "moderate" ], [ "The Phoenix", "customer rating", "1 out of 5" ], [ "The Phoenix", "area", "riverside" ], [ "The Phoenix", "near", "Crowne Plaza Hotel" ] ], "annotations": [ { "source": "e2e", "text": "For a moderately priced French-style pub on the riverside, come to The Phoenix - a 1 star child-free experience just past the Crowne Plaza Hotel." }, { "source": "e2e", "text": "The Phoenix is a quaint pub serving French food at a moderate price point, specifically friendly to kids. However it has a 1 out of 5 customer rating, but is located near Crowne Plaza Hotel by the riverside" } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "pub" ], [ "The Phoenix", "food", "French" ], [ "The Phoenix", "priceRange", "moderate" ], [ "The Phoenix", "customer rating", "5 out of 5" ], [ "The Phoenix", "area", "city centre" ], [ "The Phoenix", "familyFriendly", "no" ], [ "The Phoenix", "near", "Crowne Plaza Hotel" ] ], "annotations": [ { "source": "e2e", "text": "There is Moderate price pub named The Phoenix serving French food Located in city center near Crowne Plaza Hotel with a customer rating of 5 out of 5 but not children-friendly" }, { "source": "e2e", "text": "The Phoenix is Moderate price pub serving French food Located in city center near Crowne Plaza Hotel with a customer rating of 5 out of 5 but not children-friendly" } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "pub" ], [ "The Phoenix", "food", "French" ], [ "The Phoenix", "priceRange", "moderate" ], [ "The Phoenix", "customer rating", "average" ], [ "The Phoenix", "area", "riverside" ], [ "The Phoenix", "familyFriendly", "yes" ], [ "The Phoenix", "near", "Crowne Plaza Hotel" ] ], "annotations": [ { "source": "e2e", "text": "The Phoenix is a French, family-friendly pub near Crowne Plaza Hotel in the Riverside area. The Phoenix has an average customer rating and prices in the average range." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "pub" ], [ "The Phoenix", "food", "French" ], [ "The Phoenix", "priceRange", "moderate" ], [ "The Phoenix", "customer rating", "low" ], [ "The Phoenix", "area", "city centre" ], [ "The Phoenix", "familyFriendly", "yes" ], [ "The Phoenix", "near", "Crowne Plaza Hotel" ] ], "annotations": [ { "source": "e2e", "text": "If you are looking for a family-friendly French pub in the city centre you should try The Phoenix. located near to Crowne Plaza Hotel. Prices are reasonable but ratings are low." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "pub" ], [ "The Phoenix", "food", "French" ], [ "The Phoenix", "priceRange", "moderate" ], [ "The Phoenix", "customer rating", "low" ], [ "The Phoenix", "area", "riverside" ], [ "The Phoenix", "familyFriendly", "yes" ], [ "The Phoenix", "near", "Crowne Plaza Hotel" ] ], "annotations": [ { "source": "e2e", "text": "The Phoenix pub is family Friendly near Crowne Plaza Hotel in the Riverside area that serves French food it is average priced and a low customer rating." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "pub" ], [ "The Phoenix", "food", "French" ], [ "The Phoenix", "priceRange", "more than \u00a330" ], [ "The Phoenix", "customer rating", "3 out of 5" ], [ "The Phoenix", "area", "city centre" ], [ "The Phoenix", "familyFriendly", "no" ], [ "The Phoenix", "near", "Crowne Plaza Hotel" ] ], "annotations": [ { "source": "e2e", "text": "The pub, The Phoenix, is not children friendly that serves French food and is located in the city centre near Crowne Plaza Hotel. With a average price of more than \u00a330 it has an average low customer rating." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "pub" ], [ "The Phoenix", "food", "French" ], [ "The Phoenix", "priceRange", "more than \u00a330" ], [ "The Phoenix", "customer rating", "low" ], [ "The Phoenix", "area", "city centre" ], [ "The Phoenix", "familyFriendly", "yes" ], [ "The Phoenix", "near", "Crowne Plaza Hotel" ] ], "annotations": [ { "source": "e2e", "text": "Perhaps because it isn't place for children or the average price more than \u00a330, The Phoenix pub that serves French food has a low customer rating. Located near Crowne Plaza Hotel in the city centre area." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "pub" ], [ "The Phoenix", "food", "French" ], [ "The Phoenix", "priceRange", "more than \u00a330" ], [ "The Phoenix", "area", "city centre" ], [ "The Phoenix", "familyFriendly", "yes" ], [ "The Phoenix", "near", "Caf\u00e9 Sicilia" ] ], "annotations": [ { "source": "e2e", "text": "The Phoenix is a pub which serves French food in the city centre, near Caf\u00e9 Sicilia. It has a reasonable customer rating but is quite expensive and does not actively welcome children." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "pub" ], [ "The Phoenix", "food", "French" ], [ "The Phoenix", "priceRange", "more than \u00a330" ], [ "The Phoenix", "area", "riverside" ], [ "The Phoenix", "familyFriendly", "no" ], [ "The Phoenix", "near", "Crowne Plaza Hotel" ] ], "annotations": [ { "source": "e2e", "text": "For a high priced, well reviewed French food, The Phoenix is pub located near Crowne Plaza Hotel in the riverside area and is not child friendly." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "pub" ], [ "The Phoenix", "food", "French" ], [ "The Phoenix", "priceRange", "more than \u00a330" ], [ "The Phoenix", "area", "riverside" ], [ "The Phoenix", "familyFriendly", "yes" ], [ "The Phoenix", "near", "Crowne Plaza Hotel" ] ], "annotations": [ { "source": "e2e", "text": "There is a French food pub that received 5 out 5 in customer ratings. It is The Phoenix, near Crowne Plaza Hotel in the riverside area. It is child friendly, and will cost more than 30 pounds to eat there." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "pub" ], [ "The Phoenix", "food", "French" ], [ "The Phoenix", "priceRange", "more than \u00a330" ], [ "The Phoenix", "customer rating", "5 out of 5" ], [ "The Phoenix", "area", "city centre" ], [ "The Phoenix", "familyFriendly", "yes" ], [ "The Phoenix", "near", "Crowne Plaza Hotel" ] ], "annotations": [ { "source": "e2e", "text": "The Phoenix is a children friendly pub located in the city centre near the Crowne Plaza Hotel. The customer rating is 5 out of 5 and if you're looking for some French food and have a price range of more than 30 pounds this is a good place to go." }, { "source": "e2e", "text": "The Phoenix is a French pub that is located in the city centre near Crowne Plaza Hotel. It is family-friendly, the price range is high, but it has a 5 out of 5 customer rating." }, { "source": "e2e", "text": "The Phoenix is a children friendly pub located in the city centre near the Crowne Plaza Hotel. The customer rating is 5 out of 5 and if you're looking for some French food and have a price range of more than 30 pounds this is a good place to go." }, { "source": "e2e", "text": "In the city centre near Crowne Plaza Hotel, there is a French family-friendly pub called The Phoenix. The price range is more than 30 pounds, and it has a 5 out of 5 customer rating." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "pub" ], [ "The Phoenix", "food", "French" ], [ "The Phoenix", "priceRange", "more than \u00a330" ], [ "The Phoenix", "customer rating", "5 out of 5" ], [ "The Phoenix", "area", "riverside" ], [ "The Phoenix", "familyFriendly", "no" ], [ "The Phoenix", "near", "Crowne Plaza Hotel" ] ], "annotations": [ { "source": "e2e", "text": "The Phoenix is a French pub near Crowne Plaza Hotel in the riverside area with a customer rating of five out of five. It is not children friendly and has a price range of more than \u00a330." }, { "source": "e2e", "text": "The Phoenix is pub with French food. Its customer rating is 5 out of 5 and has a price range of over \u00a330. It is not child friendly. It is located near Crowne Plaza Hotel in the riverside area." }, { "source": "e2e", "text": "In the riverside area near Crowne Plaza Hotel there is a pub called The Phoenix that serves French food costing more than \u00a330. It is not children friendly and has a customer rating of five out of five." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "pub" ], [ "The Phoenix", "food", "French" ], [ "The Phoenix", "priceRange", "more than \u00a330" ], [ "The Phoenix", "customer rating", "5 out of 5" ], [ "The Phoenix", "area", "riverside" ], [ "The Phoenix", "familyFriendly", "yes" ], [ "The Phoenix", "near", "Crowne Plaza Hotel" ] ], "annotations": [ { "source": "e2e", "text": "There is a kid friendly pub called The Phoenix in riverside are that is price ranged more than 30. They have French food and it has a 5 out of 5 rating. It's near a Crowne Plaza Hotel." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "pub" ], [ "The Phoenix", "food", "French" ], [ "The Phoenix", "priceRange", "more than \u00a330" ], [ "The Phoenix", "customer rating", "low" ], [ "The Phoenix", "area", "city centre" ], [ "The Phoenix", "familyFriendly", "yes" ], [ "The Phoenix", "near", "Crowne Plaza Hotel" ] ], "annotations": [ { "source": "e2e", "text": "There is a French pub called The Phoenix in city centre near Crowne Plaza Hotel. The price range is more than \u00a330, a low customer rating but children are welcome." }, { "source": "e2e", "text": "The Phoenix pub serves French food for more than \u00a330 in the city centre near Crowne Plaza Hotel. It is children friendly but has a low customer rating." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "pub" ], [ "The Phoenix", "food", "French" ], [ "The Phoenix", "priceRange", "more than \u00a330" ], [ "The Phoenix", "customer rating", "low" ], [ "The Phoenix", "area", "city centre" ], [ "The Phoenix", "near", "Crowne Plaza Hotel" ] ], "annotations": [ { "source": "e2e", "text": "In the city center, The Phoenix is a French pub with a family atmosphere. It is located next to the Crowne Plaza Hotel with a low customer rating and a price point of more than \u00a330." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "pub" ], [ "The Phoenix", "food", "French" ], [ "The Phoenix", "priceRange", "more than \u00a330" ], [ "The Phoenix", "customer rating", "low" ], [ "The Phoenix", "area", "riverside" ], [ "The Phoenix", "familyFriendly", "no" ], [ "The Phoenix", "near", "Crowne Plaza Hotel" ] ], "annotations": [ { "source": "e2e", "text": "The Phoenix is pub that serve French food but is not children friendly and ranges more than \u00a330 but has a low rating. It's located in riverside near Crowne Plaza Hotel." }, { "source": "e2e", "text": "Costing more than \u00a330 and located in riverside near Crowne Plaza Hotel , The Phoenix is a French pub. It is not kid friendly and has a low customer rating." }, { "source": "e2e", "text": "There is a pub in riverside near Crowne Plaza Hotel called The Phoenix that serves French food. It has low ratings because it is not children friendly and cost more than \u00a330." }, { "source": "e2e", "text": "The Phoenix is a French pub located in riverside near Crowne Plaza Hotel. It has a low customer rating, not kid friendly and costs more than \u00a330." }, { "source": "e2e", "text": "Near Crowne Plaza Hotel, at Riverside, there's a pub that serves French food named The Phoenix. It has a low customer rating, is not child-friendly, and it costs more than \u00a330 to eat there." }, { "source": "e2e", "text": "The Phoenix is a pub near Crowne Plaza Hotel, at Riverside, with a price range of more than \u00a330. Serving French food, it's not children-friendly and has low customer rating." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "pub" ], [ "The Phoenix", "food", "French" ], [ "The Phoenix", "priceRange", "more than \u00a330" ], [ "The Phoenix", "customer rating", "low" ], [ "The Phoenix", "area", "riverside" ], [ "The Phoenix", "familyFriendly", "yes" ], [ "The Phoenix", "near", "Crowne Plaza Hotel" ] ], "annotations": [ { "source": "e2e", "text": "French food at The Phoenix pub by the riverside near Crowne Plaza Hotel, is children friendly and the price range is more than \u00a330, although it has a low customer rating." }, { "source": "e2e", "text": "The Phoenix is a pub near Crowne Plaza Hotel by Riverside area that provides French food. its price is more than \u00a330 with a low customer rating and is children friendly" }, { "source": "e2e", "text": "In the riverside area near Crowne Plaza Hotel is a French pub called The Phoenix that has a low customer rating but is child friendly and is more than 30 dollars." }, { "source": "e2e", "text": "There is a French pub called The Phoenix that has a low customer rating but is child friendly and is more than 30 dollars and is located in the riverside area near Crowne Plaza Hotel." }, { "source": "e2e", "text": "The Phoenix pub near Crowne Plaza Hotel by the riverside serving French food is child friendly. Price range more than \u00a330, rated low by customers." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "pub" ], [ "The Phoenix", "food", "French" ], [ "The Phoenix", "priceRange", "\u00a320-25" ], [ "The Phoenix", "customer rating", "high" ], [ "The Phoenix", "area", "riverside" ], [ "The Phoenix", "familyFriendly", "no" ], [ "The Phoenix", "near", "Crowne Plaza Hotel" ] ], "annotations": [ { "source": "e2e", "text": "A pub that is not kid friendly is located in the riverside area near Crowne Plaza Hotel. It is named The Phoenix,has French food and a moderate price range and a high customer rating." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "pub" ], [ "The Phoenix", "food", "French" ], [ "The Phoenix", "priceRange", "\u00a320-25" ], [ "The Phoenix", "area", "city centre" ], [ "The Phoenix", "familyFriendly", "yes" ], [ "The Phoenix", "near", "Crowne Plaza Hotel" ] ], "annotations": [ { "source": "e2e", "text": "A child friendly pub is The Phoenix, near Crowne Plaza Hotel in the city centre. Priced around \u00a320-25, they serve French food, and are rated highly by customers." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "pub" ], [ "The Phoenix", "food", "French" ], [ "The Phoenix", "priceRange", "\u00a320-25" ], [ "The Phoenix", "area", "riverside" ], [ "The Phoenix", "familyFriendly", "yes" ], [ "The Phoenix", "near", "Caf\u00e9 Sicilia" ] ], "annotations": [ { "source": "e2e", "text": "The Phoenix is a kid friendly French pub with moderate prices, and a moderate rating. Located in riverside, near Caf\u00e9 Sicilia." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "pub" ], [ "The Phoenix", "food", "French" ], [ "The Phoenix", "priceRange", "\u00a320-25" ], [ "The Phoenix", "area", "riverside" ], [ "The Phoenix", "familyFriendly", "yes" ], [ "The Phoenix", "near", "Crowne Plaza Hotel" ] ], "annotations": [ { "source": "e2e", "text": "The Phoenix is a riverside French pub with an average price range of 20-25 pounds. It is near Crowne Plaza Hotel, is kid friendly, and has a 3 customer rating." }, { "source": "e2e", "text": "There is a riverside pub called The Phoenix that has French food at an average price range. It is child friendly, located near Crowne Plaza Hotel, and has a 3 customer rating." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "pub" ], [ "The Phoenix", "food", "French" ], [ "The Phoenix", "priceRange", "\u00a320-25" ], [ "The Phoenix", "area", "riverside" ], [ "The Phoenix", "familyFriendly", "yes" ], [ "The Phoenix", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Phoenix is a kid friendly French pub on the riverside near Raja Indian Cuisine. Prices range \u00a320-25." }, { "source": "e2e", "text": "The Phoenix is a kid-friendly pub located near Raja Indian Cuisine in the riverside area. They serve French food in the \u00a320-25 range." }, { "source": "e2e", "text": "Located near Raja Indian Cuisine on the riverside, The Phoenix is a kid friendly French pub with prices \u00a320-25." }, { "source": "e2e", "text": "There is a family friendly French pub in riverside called The Phoenix. They are located near Raja Indian Cuisine and the price range is \u00a320-25." }, { "source": "e2e", "text": "The Phoenix is a kid friendly pub with French food. Located in the riverside area near Raja Indian Cuisine. The price range is \u00a320-25." }, { "source": "e2e", "text": "The Phoenix, located in the riverside area near Raja Indian Cuisine, is a kid-friendly pub serving French food. Prices are in the \u00a320-25 range." }, { "source": "e2e", "text": "The Phoenix is a pub that serves French food located in the riverside area near Raja Indian Cuisine. It is kid friendly with a price range of \u00a320-25" }, { "source": "e2e", "text": "The Phoenix is a family friendly pub in riverside near Raja Indian Cuisine. They serve French food and the price ranges from \u00a320-25." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "pub" ], [ "The Phoenix", "food", "French" ], [ "The Phoenix", "priceRange", "\u00a320-25" ], [ "The Phoenix", "area", "riverside" ], [ "The Phoenix", "near", "Crowne Plaza Hotel" ] ], "annotations": [ { "source": "e2e", "text": "The Phoenix is a cute pub serving French food. The prices are average and the pub setting is child friend. You will find The Phoenix in the riverside area near Crowne Plaza Hotel." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "pub" ], [ "The Phoenix", "food", "French" ], [ "The Phoenix", "priceRange", "\u00a320-25" ], [ "The Phoenix", "customer rating", "3 out of 5" ], [ "The Phoenix", "area", "city centre" ], [ "The Phoenix", "familyFriendly", "no" ], [ "The Phoenix", "near", "Caf\u00e9 Sicilia" ] ], "annotations": [ { "source": "e2e", "text": "The Phoenix is a French pub located in the city centre near Caf\u00e9 Sicilia. The average rating is 3 out of 5 with a price range from \u00a320-25 and it is not kid friendly." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "pub" ], [ "The Phoenix", "food", "French" ], [ "The Phoenix", "priceRange", "\u00a320-25" ], [ "The Phoenix", "customer rating", "3 out of 5" ], [ "The Phoenix", "area", "city centre" ], [ "The Phoenix", "familyFriendly", "yes" ], [ "The Phoenix", "near", "Caf\u00e9 Sicilia" ] ], "annotations": [ { "source": "e2e", "text": "In the city centre, near Caf\u00e9 Sicilia, you can find the French pub The Phoenix. It is mot kid friendly however provides reasonably priced food ranging from \u00a320-25 and boasts a rating of 3 out of 5." }, { "source": "e2e", "text": "Located in the city centre, near Caf\u00e9 Sicilia, The Phoenix is an average priced, family-friendly pub serving French food with a customer rating of 3 out of 5." }, { "source": "e2e", "text": "The Phoenix is a pub near Caf\u00e9 Sicilia in the center of the city that is kids friendly, it ranges from 20-25 euros for a meal. Customers rate it 3 out of 5, it serves French food." }, { "source": "e2e", "text": "The Phoenix is a pub near Caf\u00e9 Sicilia in the center of the city that is kids friendly, it ranges from 20-25 euros for a meal. Customers rate it 3 out of 5, it serves French food." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "pub" ], [ "The Phoenix", "food", "French" ], [ "The Phoenix", "priceRange", "\u00a320-25" ], [ "The Phoenix", "customer rating", "3 out of 5" ], [ "The Phoenix", "area", "riverside" ], [ "The Phoenix", "familyFriendly", "no" ], [ "The Phoenix", "near", "Caf\u00e9 Sicilia" ] ], "annotations": [ { "source": "e2e", "text": "In riverside near Caf\u00e9 Sicilia, is a French pub called The Phoenix. It is not kid friendly, but it has a 3 out of 5 rating and an average price range of \u00a320-25" }, { "source": "e2e", "text": "The Phoenix is a French pub located in riverside near the Caf\u00e9 Sicilia. It has an average price range of \u00a320-25 and a 3 out of 5 customer rating, however it is not kid friendly." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "pub" ], [ "The Phoenix", "food", "French" ], [ "The Phoenix", "priceRange", "\u00a320-25" ], [ "The Phoenix", "customer rating", "3 out of 5" ], [ "The Phoenix", "area", "riverside" ], [ "The Phoenix", "familyFriendly", "yes" ], [ "The Phoenix", "near", "Caf\u00e9 Sicilia" ] ], "annotations": [ { "source": "e2e", "text": "Located in riverside, near Caf\u00e9 Sicilia, is The Phoenix, a French pub that is family-friendly and has average prices and an average rating." }, { "source": "e2e", "text": "A French pub near Caf\u00e9 Sicilia and riverside is The Phoenix. It has a customer rating of 3 out of 5, an average price range and is kid friendly." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "pub" ], [ "The Phoenix", "food", "French" ], [ "The Phoenix", "priceRange", "\u00a320-25" ], [ "The Phoenix", "customer rating", "3 out of 5" ], [ "The Phoenix", "area", "riverside" ], [ "The Phoenix", "familyFriendly", "yes" ], [ "The Phoenix", "near", "Crowne Plaza Hotel" ] ], "annotations": [ { "source": "e2e", "text": "In the riverside area, near the Crowne Plaza Hotel, there is a kid friendly pub named The Phoenix. It serves French food in the \u00a320-25 price range and has a rating of 3 out of 5." }, { "source": "e2e", "text": "The Phoenix is a French pub near to riverside and Crowne Plaza Hotel. It is kid friendly, has an average price range and a customer rating of 3 out of 5." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "pub" ], [ "The Phoenix", "food", "French" ], [ "The Phoenix", "priceRange", "\u00a320-25" ], [ "The Phoenix", "customer rating", "high" ], [ "The Phoenix", "area", "city centre" ], [ "The Phoenix", "familyFriendly", "no" ], [ "The Phoenix", "near", "Crowne Plaza Hotel" ] ], "annotations": [ { "source": "e2e", "text": "The Phoenix is a French pub located near the Crowne Plaza Hotel in the city centre. They have a high customer rating and their prices range between \u00a320-25 but they are not children friendly." }, { "source": "e2e", "text": "The Phoenix is a French pub located near the Crowne Plaza Hotel in the city centre. They have a high customer rating and their prices range between \u00a320-25 but they are not children friendly." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "pub" ], [ "The Phoenix", "food", "French" ], [ "The Phoenix", "priceRange", "\u00a320-25" ], [ "The Phoenix", "customer rating", "high" ], [ "The Phoenix", "area", "city centre" ], [ "The Phoenix", "familyFriendly", "yes" ], [ "The Phoenix", "near", "Crowne Plaza Hotel" ] ], "annotations": [ { "source": "e2e", "text": "The Phoenix is a pub serving French food located in the city centre near Crowne Plaza Hotel. They have high customer ratings, and are child friendly Prices are in the range of \u00a320-25." }, { "source": "e2e", "text": "In the city center near Crowne Plaza Hotel, there is a French pub called 'The Phoenix'. It has a child-friendly environment with reasonable prices and excellent customer reviews." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "pub" ], [ "The Phoenix", "food", "French" ], [ "The Phoenix", "priceRange", "\u00a320-25" ], [ "The Phoenix", "customer rating", "high" ], [ "The Phoenix", "area", "riverside" ], [ "The Phoenix", "familyFriendly", "no" ], [ "The Phoenix", "near", "Crowne Plaza Hotel" ] ], "annotations": [ { "source": "e2e", "text": "Near Crowne Plaza Hotel, in the Riverside area is a pub called The Phoenix, that is not kid friendly and serves French food in the price range of \u00a320-25 with a high customer rating." }, { "source": "e2e", "text": "The Phoenix, which is a pub that is not kid friendly, is near Crowne Plaza Hotel and serves French food in the price range of \u00a320-25 in the Riverside area. It has a high customer rating." }, { "source": "e2e", "text": "The Phoenix is a highly rated pub with a \u00a320-25 price range located by the riverside close to Crowne Plaza Hotel . It serves French food and kids are not allowed" } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "pub" ], [ "The Phoenix", "food", "French" ], [ "The Phoenix", "priceRange", "\u00a320-25" ], [ "The Phoenix", "customer rating", "high" ], [ "The Phoenix", "area", "riverside" ], [ "The Phoenix", "familyFriendly", "yes" ], [ "The Phoenix", "near", "Crowne Plaza Hotel" ] ], "annotations": [ { "source": "e2e", "text": "The Phoenix, located riverside, is a child-friendly pub offering French cuisine ranging from \u00a320-25. It is located near Crowne Plaza Hotel. It has a high customer rating." }, { "source": "e2e", "text": "Located in Riverside, The Phoenix, a pub serving French cuisine, has a high rating among customers. The food ranges from \u00a320-25 and is child-friendly. It is located near Crowne Plaza Hotel." }, { "source": "e2e", "text": "The Phoenix is good for kids and a meal goes for \u00a320-25 . It is a pub with French food and has a high rating. It is next to Crowne Plaza Hotel in the riverside area." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "pub" ], [ "The Phoenix", "food", "French" ], [ "The Phoenix", "priceRange", "\u00a320-25" ], [ "The Phoenix", "customer rating", "high" ], [ "The Phoenix", "area", "riverside" ], [ "The Phoenix", "near", "Crowne Plaza Hotel" ] ], "annotations": [ { "source": "e2e", "text": "The Phoenix is a pub that serves French food with a price range of \u00a320-25. It is highly rated by customers and located by the riverside near Crowne Plaza Hotel. Kids are prohibited." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "pub" ], [ "The Phoenix", "food", "French" ], [ "The Phoenix", "priceRange", "\u00a320-25" ], [ "The Phoenix", "customer rating", "high" ], [ "The Phoenix", "familyFriendly", "no" ], [ "The Phoenix", "near", "Crowne Plaza Hotel" ] ], "annotations": [ { "source": "e2e", "text": "Near Crowne Plaza Hotel is a French pub called The Phoenix. Although is not kids friendly, the price ranges from \u00a320-25. Customers gave it a high rating." }, { "source": "e2e", "text": "Highly rated French pub near Crowne Plaza Hotel is The Phoenix. It is not kids friendly. The price ranges from \u00a320-25." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "pub" ], [ "The Phoenix", "near", "Crowne Plaza Hotel" ] ], "annotations": [ { "source": "e2e", "text": "Found near Crowne Plaza Hotel, The Phoenix pub provides mid-priced wine and cheese dining for the whole family." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "pub" ], [ "The Phoenix", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "There is a well priced pub The Phoenix which is located near to Raja Indian Cuisine." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "pub" ], [ "The Phoenix", "priceRange", "cheap" ], [ "The Phoenix", "area", "riverside" ], [ "The Phoenix", "familyFriendly", "yes" ], [ "The Phoenix", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "Cheap food and a family friendly atmosphere at The Phoenix pub. Situated riverside near the Raja Indian Cuisine." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "pub" ], [ "The Phoenix", "priceRange", "cheap" ], [ "The Phoenix", "area", "riverside" ], [ "The Phoenix", "near", "Crowne Plaza Hotel" ] ], "annotations": [ { "source": "e2e", "text": "The Phoenix is a cheap pub situated at the riverside near Crowne Plaza Hotel." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "pub" ], [ "The Phoenix", "priceRange", "cheap" ], [ "The Phoenix", "area", "riverside" ], [ "The Phoenix", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "There is a moderately cheap pub in Riverside near the Raja Indian Cuisine called The Phoenix." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "pub" ], [ "The Phoenix", "priceRange", "cheap" ], [ "The Phoenix", "customer rating", "5 out of 5" ], [ "The Phoenix", "area", "city centre" ], [ "The Phoenix", "familyFriendly", "yes" ], [ "The Phoenix", "near", "Crowne Plaza Hotel" ] ], "annotations": [ { "source": "e2e", "text": "The Phoenix is an inexpensive, 5-star pub that offers a menu of fruits, cheeses and wines that the whole family is welcome to enjoy. They are located north of the city center, beside a Crowne Plaza Hotel and the river." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "pub" ], [ "The Phoenix", "priceRange", "cheap" ], [ "The Phoenix", "customer rating", "5 out of 5" ], [ "The Phoenix", "area", "riverside" ], [ "The Phoenix", "familyFriendly", "no" ], [ "The Phoenix", "near", "Crowne Plaza Hotel" ] ], "annotations": [ { "source": "e2e", "text": "pub in Riverside called The Phoenix is cheap and near Crowne Plaza Hotel. It is not family-friendly but is 5 out of 5." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "pub" ], [ "The Phoenix", "priceRange", "cheap" ], [ "The Phoenix", "customer rating", "5 out of 5" ], [ "The Phoenix", "area", "riverside" ], [ "The Phoenix", "familyFriendly", "yes" ], [ "The Phoenix", "near", "Crowne Plaza Hotel" ] ], "annotations": [ { "source": "e2e", "text": "The Phoenix pub it a cheap and a family friendly place situated down the riverside near Crowne Plaza Hotel. This is the main reason for receiving a 5 out of 5 customer rating score." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "pub" ], [ "The Phoenix", "priceRange", "cheap" ], [ "The Phoenix", "near", "Crowne Plaza Hotel" ] ], "annotations": [ { "source": "e2e", "text": "There is a very good fairly inexpensive pub that offers wine and cheese located next to the Crowne Plaza Hotel called The Phoenix." }, { "source": "e2e", "text": "The Phoenix is a pub that offers wine tasting that is very good and fairly inexpensive located near the Crowne Plaza Hotel." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "pub" ], [ "The Phoenix", "priceRange", "cheap" ], [ "The Phoenix", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "There is a low priced pub located near Raja Indian Cuisine called The Phoenix." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "pub" ], [ "The Phoenix", "priceRange", "high" ], [ "The Phoenix", "customer rating", "3 out of 5" ], [ "The Phoenix", "area", "riverside" ], [ "The Phoenix", "familyFriendly", "yes" ], [ "The Phoenix", "near", "Crowne Plaza Hotel" ] ], "annotations": [ { "source": "e2e", "text": "The Phoenix is by the Crowne Plaza Hotel in the riverside area. It is a child friendly, pub, that has food; the price is a bit high but they have a 3 out of 5 rating." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "pub" ], [ "The Phoenix", "priceRange", "high" ], [ "The Phoenix", "familyFriendly", "yes" ], [ "The Phoenix", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "There is a family friendly pub called The Phoenix that is located near Raja Indian Cuisine with high price takeaway menu items." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "pub" ], [ "The Phoenix", "priceRange", "high" ], [ "The Phoenix", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Phoenix is a high price pub located by Raja Indian Cuisine." }, { "source": "e2e", "text": "There's a pub named The Phoenix by Raja Indian Cuisine. It's a dine in at a high price." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "pub" ], [ "The Phoenix", "priceRange", "less than \u00a320" ], [ "The Phoenix", "area", "riverside" ], [ "The Phoenix", "familyFriendly", "yes" ], [ "The Phoenix", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Phoenix, located on the river next to Raja Indian Cuisine, north of the City centre, is a low-priced, family friendly pub offering burgers and fries as well." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "pub" ], [ "The Phoenix", "priceRange", "less than \u00a320" ], [ "The Phoenix", "area", "city centre" ], [ "The Phoenix", "familyFriendly", "no" ], [ "The Phoenix", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Phoenix pub in the city centre, close to Raja Indian Cuisine, is cheap and not family friendly." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "pub" ], [ "The Phoenix", "priceRange", "less than \u00a320" ], [ "The Phoenix", "area", "city centre" ], [ "The Phoenix", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The pub, The Phoenix is an affordable location city center. and the Raja Indian Cuisine pub" } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "pub" ], [ "The Phoenix", "priceRange", "less than \u00a320" ], [ "The Phoenix", "area", "riverside" ], [ "The Phoenix", "familyFriendly", "no" ], [ "The Phoenix", "near", "Crowne Plaza Hotel" ] ], "annotations": [ { "source": "e2e", "text": "The Phoenix is a pub near Crowne Plaza Hotel in riverside. It has low-prices and is not family-friendly." }, { "source": "e2e", "text": "There is a cheaply-priced pub named The Phoenix near Crowne Plaza Hotel in riverside. Children are not allowed." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "pub" ], [ "The Phoenix", "priceRange", "less than \u00a320" ], [ "The Phoenix", "area", "riverside" ], [ "The Phoenix", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Phoenix pub, located on the river, is near Raja Indian Cuisine and low priced" }, { "source": "e2e", "text": "The Phoenix is a low priced pub on the river located near Raja Indian Cuisine" } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "pub" ], [ "The Phoenix", "priceRange", "less than \u00a320" ], [ "The Phoenix", "customer rating", "average" ], [ "The Phoenix", "area", "riverside" ], [ "The Phoenix", "near", "Crowne Plaza Hotel" ] ], "annotations": [ { "source": "e2e", "text": "The Phoenix, the low-price pub located along the river, is City Centre's three star shop near Crowne Plaza Hotel." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "pub" ], [ "The Phoenix", "priceRange", "less than \u00a320" ], [ "The Phoenix", "customer rating", "average" ], [ "The Phoenix", "area", "city centre" ], [ "The Phoenix", "familyFriendly", "yes" ], [ "The Phoenix", "near", "Crowne Plaza Hotel" ] ], "annotations": [ { "source": "e2e", "text": "In the city centre near Crowne Plaza Hotel, there is a cheap pub called The Phoenix. It is family-friendly and has a customer rating of three out of five." }, { "source": "e2e", "text": "The Phoenix is a cheap pub near Crowne Plaza Hotel in the city centre. It is family-friendly and has a customer rating of three out of five." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "pub" ], [ "The Phoenix", "priceRange", "less than \u00a320" ], [ "The Phoenix", "customer rating", "low" ], [ "The Phoenix", "area", "riverside" ], [ "The Phoenix", "familyFriendly", "yes" ], [ "The Phoenix", "near", "Crowne Plaza Hotel" ] ], "annotations": [ { "source": "e2e", "text": "Near Crowne Plaza Hotel by riverside is a pub that is yes family friendly with a low customer rating called The Phoenix and the prices are less than \u00a320." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "pub" ], [ "The Phoenix", "priceRange", "less than \u00a320" ], [ "The Phoenix", "customer rating", "low" ], [ "The Phoenix", "familyFriendly", "yes" ], [ "The Phoenix", "near", "Crowne Plaza Hotel" ] ], "annotations": [ { "source": "e2e", "text": "The Phoenix is a cheap, one-star pub. It is family friendly and is near Crowne Plaza Hotel." }, { "source": "e2e", "text": "There is a family friendly pub near Crowne Plaza Hotel called The Phoenix. It has a one-star rating and is inexpensive." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "pub" ], [ "The Phoenix", "priceRange", "less than \u00a320" ], [ "The Phoenix", "familyFriendly", "yes" ], [ "The Phoenix", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "there's a family friendly pub in a cheap price range near Raja Indian Cuisine called The Phoenix" }, { "source": "e2e", "text": "The Phoenix is a family friendly pub in a cheap price range near Raja Indian Cuisine" } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "pub" ], [ "The Phoenix", "priceRange", "moderate" ], [ "The Phoenix", "area", "city centre" ], [ "The Phoenix", "familyFriendly", "yes" ], [ "The Phoenix", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "There is a pub located in the city centre near Raja Indian Cuisine. The Phoenix has a moderate price range and is kid friendly." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "pub" ], [ "The Phoenix", "priceRange", "moderate" ], [ "The Phoenix", "area", "city centre" ], [ "The Phoenix", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Phoenix is a moderately priced, adult oriented pub, located in the city centre, near the Raja Indian Cuisine." }, { "source": "e2e", "text": "Located in the city centre, near Raja Indian Cuisine, The Phoenix is a moderately priced adult oriented pub." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "pub" ], [ "The Phoenix", "priceRange", "moderate" ], [ "The Phoenix", "customer rating", "1 out of 5" ], [ "The Phoenix", "area", "city centre" ], [ "The Phoenix", "familyFriendly", "yes" ], [ "The Phoenix", "near", "Crowne Plaza Hotel" ] ], "annotations": [ { "source": "e2e", "text": "The Phoenix, a moderately priced, kid friendly pub in the city centre area near Crowne Plaza Hotel has a customer rating of 1 out of 5." }, { "source": "e2e", "text": "There is a moderately priced, kid friendly pub in the city centre area near Crowne Plaza Hotel that has a customer rating of 1 out of 5 named The Phoenix." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "pub" ], [ "The Phoenix", "priceRange", "moderate" ], [ "The Phoenix", "customer rating", "3 out of 5" ], [ "The Phoenix", "area", "riverside" ], [ "The Phoenix", "familyFriendly", "yes" ], [ "The Phoenix", "near", "Caf\u00e9 Sicilia" ] ], "annotations": [ { "source": "e2e", "text": "The Phoenix pub is based in the riverside area near Caf\u00e9 Sicilia. It serves food at mid range prices. It is has a three star rating and is family friendly.." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "pub" ], [ "The Phoenix", "priceRange", "moderate" ], [ "The Phoenix", "customer rating", "3 out of 5" ], [ "The Phoenix", "area", "riverside" ], [ "The Phoenix", "familyFriendly", "yes" ], [ "The Phoenix", "near", "Crowne Plaza Hotel" ] ], "annotations": [ { "source": "e2e", "text": "The Phoenix pub serves food at mid range prices. It is family friendly and has a three star rating. It is based in the riverside area near Crowne Plaza Hotel." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "pub" ], [ "The Phoenix", "priceRange", "moderate" ], [ "The Phoenix", "customer rating", "low" ], [ "The Phoenix", "area", "riverside" ], [ "The Phoenix", "familyFriendly", "yes" ], [ "The Phoenix", "near", "Crowne Plaza Hotel" ] ], "annotations": [ { "source": "e2e", "text": "The Phoenix pub is average priced with low customer rating, is family Friendly located in the Riverside area near Crowne Plaza Hotel." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "pub" ], [ "The Phoenix", "priceRange", "moderate" ], [ "The Phoenix", "near", "Caf\u00e9 Sicilia" ] ], "annotations": [ { "source": "e2e", "text": "Not far from Caf\u00e9 Sicilia is The Phoenix pub which offers a similar moderately priced menu." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "pub" ], [ "The Phoenix", "priceRange", "more than \u00a330" ], [ "The Phoenix", "area", "city centre" ], [ "The Phoenix", "near", "Caf\u00e9 Sicilia" ] ], "annotations": [ { "source": "e2e", "text": "The Phoenix pub near Caf\u00e9 Sicilia in city center has a high price range more than \u00a330." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "pub" ], [ "The Phoenix", "priceRange", "more than \u00a330" ], [ "The Phoenix", "area", "riverside" ], [ "The Phoenix", "familyFriendly", "yes" ], [ "The Phoenix", "near", "Crowne Plaza Hotel" ] ], "annotations": [ { "source": "e2e", "text": "A family friendly pub, The Phoenix, has a moderately expensive menu that is located next to Crowne Plaza Hotel on the river." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "pub" ], [ "The Phoenix", "priceRange", "more than \u00a330" ], [ "The Phoenix", "customer rating", "5 out of 5" ], [ "The Phoenix", "area", "riverside" ], [ "The Phoenix", "familyFriendly", "yes" ], [ "The Phoenix", "near", "Crowne Plaza Hotel" ] ], "annotations": [ { "source": "e2e", "text": "A good pub that received a customer rating of 5 out of 5 is The Phoenix. It is in the riverside area near the Crowne Plaza Hotel. It costs more than 30 pounds and is kid friendly." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "pub" ], [ "The Phoenix", "priceRange", "more than \u00a330" ], [ "The Phoenix", "customer rating", "low" ], [ "The Phoenix", "area", "city centre" ], [ "The Phoenix", "familyFriendly", "yes" ], [ "The Phoenix", "near", "Crowne Plaza Hotel" ] ], "annotations": [ { "source": "e2e", "text": "The Phoenix is a family-friendly pub near the Crowne Plaza Hotel in the city center. It has a low customer rating and a price range of more than \u00a330." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "pub" ], [ "The Phoenix", "priceRange", "more than \u00a330" ], [ "The Phoenix", "customer rating", "low" ], [ "The Phoenix", "area", "riverside" ], [ "The Phoenix", "near", "Crowne Plaza Hotel" ] ], "annotations": [ { "source": "e2e", "text": "The Phoenix pub is near Crowne Plaza Hotel, and situated by the river. It sells delicious foods such as fondue and cheeses, with which you can enjoy a glass of wine or spirits. It is in the more expensive price range, and so far has a one star rating." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "pub" ], [ "The Phoenix", "priceRange", "more than \u00a330" ], [ "The Phoenix", "familyFriendly", "yes" ], [ "The Phoenix", "near", "Crowne Plaza Hotel" ] ], "annotations": [ { "source": "e2e", "text": "The Phoenix is a high priced pub that is family friendly and located near a Crowne Plaza Hotel." }, { "source": "e2e", "text": "There is a high priced pub called The Phoenix it's a family friendly pub located near Crowne Plaza Hotel." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "pub" ], [ "The Phoenix", "priceRange", "more than \u00a330" ], [ "The Phoenix", "near", "Crowne Plaza Hotel" ] ], "annotations": [ { "source": "e2e", "text": "There is an expensive-priced pub located close to Crowne Plaza Hotel called The Phoenix." }, { "source": "e2e", "text": "The Phoenix is a pub and is expensive price ranged. It is located close to Crowne Plaza Hotel." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "restaurant" ], [ "The Phoenix", "area", "city centre" ], [ "The Phoenix", "familyFriendly", "yes" ], [ "The Phoenix", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Phoenix restaurant is a mid-priced, family friendly restaurant located in city centre, east of Raja Indian Cuisine. They offer eat-in, take-out or deliveries." }, { "source": "e2e", "text": "There is a mid-priced, family friendly restaurant, The Phoenix restaurant, that offers take-out or deliveries. It is located in city centre just east of Raja Indian Cuisine." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "restaurant" ], [ "The Phoenix", "area", "city centre" ], [ "The Phoenix", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Phoenix is a comfortable restaurant that is within city centre limits, next to the Raja Indian Cuisine restaurant." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "restaurant" ], [ "The Phoenix", "area", "riverside" ], [ "The Phoenix", "familyFriendly", "yes" ], [ "The Phoenix", "near", "Crowne Plaza Hotel" ] ], "annotations": [ { "source": "e2e", "text": "The Phoenix is a family friendly restaurant located near the river and Crowne Plaza Hotel." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "restaurant" ], [ "The Phoenix", "area", "riverside" ], [ "The Phoenix", "familyFriendly", "yes" ], [ "The Phoenix", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "Family friendly, The Phoenix restaurant which is on the pricey side, located near the river and Raja Indian Cuisine." }, { "source": "e2e", "text": "The Phoenix is a low cost family friendly restaurant near the river and Raja Indian Cuisine." }, { "source": "e2e", "text": "There is a restaurant named The Phoenix located in the Riverside area near Raja Indian Cuisine. This is a kid friendly restaurant offering a variety of food at a low cost." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "restaurant" ], [ "The Phoenix", "familyFriendly", "yes" ], [ "The Phoenix", "near", "Crowne Plaza Hotel" ] ], "annotations": [ { "source": "e2e", "text": "There is a restaurant The Phoenix located near Crowne Plaza Hotel that's Family-Oriented." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "restaurant" ], [ "The Phoenix", "familyFriendly", "yes" ], [ "The Phoenix", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Phoenix restaurant, located next to Raja Indian Cuisine, is a low-cost, family friendly place offering burgers and fries." }, { "source": "e2e", "text": "The Phoenix is located near Raja Indian Cuisine and is a low cost family friendly restaurant." }, { "source": "e2e", "text": "The Phoenix is a child friendly restaurant located near to Raja Indian Cuisine." }, { "source": "e2e", "text": "The Phoenix is a good restaurant near to Raja Indian Cuisine. its kids friendly" }, { "source": "e2e", "text": "The Phoenix is a family friendly restaurant located near Raja Indian Cuisine." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "restaurant" ], [ "The Phoenix", "food", "Fast food" ], [ "The Phoenix", "area", "city centre" ], [ "The Phoenix", "familyFriendly", "yes" ], [ "The Phoenix", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "Welcome to The Phoenix, we are a restaurant. We're family-friendly we serve fast food we are located in the city centre near the Raja Indian Cuisine." }, { "source": "e2e", "text": "Welcome to The Phoenix, we are a restaurant. We're family-friendly we serve fast food we are located in the city centre near the Raja Indian Cuisine." }, { "source": "e2e", "text": "The Phoenix fast food restaurant is kids friendly is located in city centre near Raja Indian Cuisine." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "restaurant" ], [ "The Phoenix", "food", "Fast food" ], [ "The Phoenix", "area", "city centre" ], [ "The Phoenix", "near", "Caf\u00e9 Sicilia" ] ], "annotations": [ { "source": "e2e", "text": "The Phoenix Shop and Caf\u00e9 Sicilia is a fast food restaurant are located north of the City center." }, { "source": "e2e", "text": "Caf\u00e9 Sicilia and The Phoenix Shop are a fast food restaurant located north of the City center." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "restaurant" ], [ "The Phoenix", "food", "Fast food" ], [ "The Phoenix", "area", "city centre" ], [ "The Phoenix", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Phoenix is a nice restaurant with fast food service and lower prices than \u00a3 20 are located in the city center area near Raja Indian Cuisine" }, { "source": "e2e", "text": "The Phoenix is a charming restaurant featuring fast food service and lower prices to \u00a3 20 are located near Raja Indian Cuisine in the city center area" } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "restaurant" ], [ "The Phoenix", "food", "Fast food" ], [ "The Phoenix", "area", "riverside" ], [ "The Phoenix", "familyFriendly", "yes" ], [ "The Phoenix", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "There is a fast food, restaurant located near Raja Indian Cuisine in Riverside called The Phoenix. The restaurant is in the higher price range and is children friendly." }, { "source": "e2e", "text": "The Phoenix is a children friendly fast food restaurant and restaurant. It is located in the riverside area near Raja Indian Cuisine" }, { "source": "e2e", "text": "If you are looking for higher priced fast food in a child friendly environment, consider The Phoenix restaurant. Located in the riverside area, near Raja Indian Cuisine." }, { "source": "e2e", "text": "The Phoenix is a fast food, restaurant located near Raja Indian Cuisine in Riverside. The restaurant is children friendly and is in the higher price range." }, { "source": "e2e", "text": "Close to Raja Indian Cuisine, on the riverside, The Phoenix restaurant offers higher priced fast food in a child friendly establishment." }, { "source": "e2e", "text": "The Phoenix is a children friendly restaurant that serves fast food and has a price range of more than L30. It is by the riverside near Raja Indian Cuisine." }, { "source": "e2e", "text": "The Phoenix is a children friendly restaurant near Raja Indian Cuisine. It is by the riverside, serves fast food and has a price range of more than L30." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "restaurant" ], [ "The Phoenix", "food", "Fast food" ], [ "The Phoenix", "area", "riverside" ], [ "The Phoenix", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "riverside restaurant The Phoenix Fast food price range same Raja Indian Cuisine" } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "restaurant" ], [ "The Phoenix", "food", "Fast food" ], [ "The Phoenix", "priceRange", "cheap" ], [ "The Phoenix", "area", "riverside" ], [ "The Phoenix", "familyFriendly", "yes" ], [ "The Phoenix", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "With a cheap price range along the riverside, the restaurant named The Phoenix is family friendly and serves Fast food Raja Indian Cuisine." }, { "source": "e2e", "text": "The Phoenix is a cheap and family friendly restaurant in the Riverside area. The Phoenix serves fast food and is located near Raja Indian Cuisine." }, { "source": "e2e", "text": "Riverside has a cheap fast food restaurant near Raja Indian Cuisine named The Phoenix. It's family-friendly." }, { "source": "e2e", "text": "The Phoenix is a cheap and family friendly restaurant in the Riverside area. The Phoenix serves fast food and is located near Raja Indian Cuisine." }, { "source": "e2e", "text": "The Phoenix is a restaurant serving Fast food located in riverside near Raja Indian Cuisine. It is cheap and family Friendly." }, { "source": "e2e", "text": "With a cheap price range along the riverside, the restaurant 'The Phoenix' is family friendly and serves Fast food Raja Indian Cuisine." }, { "source": "e2e", "text": "Family Friendly The Phoenix is a cheap restaurant serving Fast food. It is located in riverside near Raja Indian Cuisine." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "restaurant" ], [ "The Phoenix", "food", "Fast food" ], [ "The Phoenix", "priceRange", "cheap" ], [ "The Phoenix", "area", "riverside" ], [ "The Phoenix", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Phoenix is a moderately cheap restaurant located in the area of Riverside, near the Raja Indian Cuisine. Fast food is sold there and the staff are friendly." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "restaurant" ], [ "The Phoenix", "food", "Fast food" ], [ "The Phoenix", "priceRange", "cheap" ], [ "The Phoenix", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Phoenix is a restaurant providing Fast food deliveries in the low price range. It is located in Raja Indian Cuisine" } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "restaurant" ], [ "The Phoenix", "food", "Fast food" ], [ "The Phoenix", "priceRange", "high" ], [ "The Phoenix", "area", "city centre" ], [ "The Phoenix", "familyFriendly", "no" ], [ "The Phoenix", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "There is a restaurant located in the city centre, near Raja Indian Cuisine, in the high price range. The Phoenix provides Fast food but no children friendly menu or services are offered." }, { "source": "e2e", "text": "The Phoenix is a restaurant near Raja Indian Cuisine in the city centre. They serve Fast food, no children menus or services, in a high price range." }, { "source": "e2e", "text": "The Phoenix is a high priced restaurant that serves fast food but is a non-children friendly atmosphere. It is located near Raja Indian Cuisine both in the city centre." }, { "source": "e2e", "text": "A high priced restaurant that serves fast food is The Phoenix , but has a non-children friendly atmosphere. It is located in the city centre near Raja Indian Cuisine" } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "restaurant" ], [ "The Phoenix", "food", "Fast food" ], [ "The Phoenix", "priceRange", "high" ], [ "The Phoenix", "area", "city centre" ], [ "The Phoenix", "familyFriendly", "yes" ], [ "The Phoenix", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Phoenix is a child-friendly fast food restaurant. It is in the high price range, and a restaurant. It is located near Raja Indian Cuisine in the city centre." }, { "source": "e2e", "text": "The child friendly Fast food restaurant named The Phoenix restaurant is near the Raja Indian Cuisine and the city center in the high price range." }, { "source": "e2e", "text": "The Phoenix restaurant is in the high price range and serves child friendly Fast food near the Raja Indian Cuisine and the center of the city." }, { "source": "e2e", "text": "The Phoenix is a child-friendly fast food restaurant in the high price range. It is located in the city centre, near Raja Indian Cuisine." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "restaurant" ], [ "The Phoenix", "food", "Fast food" ], [ "The Phoenix", "priceRange", "high" ], [ "The Phoenix", "area", "riverside" ], [ "The Phoenix", "familyFriendly", "no" ], [ "The Phoenix", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "In the area of riverside near Raja Indian Cuisine is The Phoenix, it is a restaurant. It is not kid friendly and the Fast food is highly expensive." }, { "source": "e2e", "text": "The Phoenix, a fast food restaurant is not kid friendly. With a high price range, it is near Raja Indian Cuisine and in the riverside area." }, { "source": "e2e", "text": "The Phoenix restaurant has highly expensive Fast food, and it is not kid friendly. It is in the area of riverside and near Raja Indian Cuisine." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "restaurant" ], [ "The Phoenix", "food", "Fast food" ], [ "The Phoenix", "priceRange", "high" ], [ "The Phoenix", "area", "riverside" ], [ "The Phoenix", "familyFriendly", "yes" ], [ "The Phoenix", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "A high priced restaurant serving fast food in the riverside area, near Raja Indian Cuisine, is The Phoenix. It is children friendly." }, { "source": "e2e", "text": "The Phoenix is a high priced, child friendly, Fast food restaurant in Riverside, near Raja Indian Cuisine." }, { "source": "e2e", "text": "Beside Raja Indian Cuisine in riverside there is a child friendly high priced fast food and restaurant called The Phoenix." }, { "source": "e2e", "text": "The Phoenix is a child friendly high priced fast food and restaurant near Raja Indian Cuisine in riverside." }, { "source": "e2e", "text": "The children friendly fast food restaurant and restaurant, The Phoenix is very expensive. It is located in the riverside area near Raja Indian Cuisine" } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "restaurant" ], [ "The Phoenix", "food", "Fast food" ], [ "The Phoenix", "priceRange", "high" ], [ "The Phoenix", "familyFriendly", "no" ], [ "The Phoenix", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The restaurant, The Phoenix, is not kid friendly, considered fast food and has a high price range. Though not kid friendly, it is near Raja Indian Cuisine and river side." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "restaurant" ], [ "The Phoenix", "food", "Fast food" ], [ "The Phoenix", "priceRange", "high" ], [ "The Phoenix", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Phoenix offers Fast food and restaurant with expensive price near Raja Indian Cuisine." }, { "source": "e2e", "text": "The Phoenix offers Fast food and restaurant with expensive price near Raja Indian Cuisine." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "restaurant" ], [ "The Phoenix", "food", "Fast food" ], [ "The Phoenix", "priceRange", "less than \u00a320" ], [ "The Phoenix", "area", "city centre" ], [ "The Phoenix", "familyFriendly", "no" ], [ "The Phoenix", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "There is a moderately priced restaurant The Phoenix in the city centre near Raja Indian Cuisine. It is not family-friendly but they serve fast food." }, { "source": "e2e", "text": "The Phoenix is a moderately priced restaurant in the city centre near Raja Indian Cuisine. It is not family-friendly but they serve fast food." }, { "source": "e2e", "text": "For cheap fast food, The Phoenix restaurant is in the city centre near Raja Indian Cuisine. It is not family friendly." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "restaurant" ], [ "The Phoenix", "food", "Fast food" ], [ "The Phoenix", "priceRange", "less than \u00a320" ], [ "The Phoenix", "area", "city centre" ], [ "The Phoenix", "familyFriendly", "yes" ], [ "The Phoenix", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "A fast food and restaurant near Raja Indian Cuisine in the city centre, The Phoenix is a family-friendly place where you can eat for less than \u00a320" }, { "source": "e2e", "text": "The Phoenix is a family-friendly fast food and restaurant near Raja Indian Cuisine in the city centre where you can eat for less than \u00a320" }, { "source": "e2e", "text": "The Phoenix is a family-friendly restaurant that has a price range less than 20 pounds featuring fast food near Raja Indian Cuisine in the city centre." }, { "source": "e2e", "text": "The Phoenix restaurant serves fast food is located near Raja Indian Cuisine in the city centre. It is family-friendly and has a price range less than 20 pounds." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "restaurant" ], [ "The Phoenix", "food", "Fast food" ], [ "The Phoenix", "priceRange", "less than \u00a320" ], [ "The Phoenix", "area", "riverside" ], [ "The Phoenix", "familyFriendly", "no" ], [ "The Phoenix", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "In the riverside near Raja Indian Cuisine is restaurant called a The Phoenix. It serves fast food for less than \u00a320 and isn't family-friendly." }, { "source": "e2e", "text": "At the riverside near Raja Indian Cuisine is The Phoenix restaurant that has Fast food less than \u00a320 and is not family-friendly." }, { "source": "e2e", "text": "The Phoenix is a non family-friendly restaurant in the riverside. It is located near to Raja Indian Cuisine and serves fast food for less than \u00a320." }, { "source": "e2e", "text": "The Phoenix restaurant and fast food restaurant offers meals under \u00a320. It is located in riverside near Raja Indian Cuisine and is not family-friendly." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "restaurant" ], [ "The Phoenix", "food", "Fast food" ], [ "The Phoenix", "priceRange", "less than \u00a320" ], [ "The Phoenix", "area", "riverside" ], [ "The Phoenix", "familyFriendly", "yes" ], [ "The Phoenix", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "A restaurant with fast food, near Raja Indian Cuisine on the riverside is family friendly and less than 20 euros is known as, The Phoenix." }, { "source": "e2e", "text": "The Phoenix, a restaurant with fast food, near Raja Indian Cuisine, on the riverside is family friendly and less than 20 euros" } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "restaurant" ], [ "The Phoenix", "food", "Fast food" ], [ "The Phoenix", "priceRange", "less than \u00a320" ], [ "The Phoenix", "area", "riverside" ], [ "The Phoenix", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Phoenix is a riverside, fast food restaurant for adults that is riverside near Raja Indian Cuisine with prices less than \u00a320." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "restaurant" ], [ "The Phoenix", "food", "Fast food" ], [ "The Phoenix", "priceRange", "moderate" ], [ "The Phoenix", "area", "city centre" ], [ "The Phoenix", "familyFriendly", "no" ], [ "The Phoenix", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Phoenix restaurant serves fast food at a moderate price. The Phoenix can be found near Raja Indian Cuisine in the city centre and is not kid friendly." }, { "source": "e2e", "text": "There is a restaurant by the name of The Phoenix. Their price range is moderate and they serve Fast Food. They are not kid friendly and they are at the city centre near Raja Indian Cuisine." }, { "source": "e2e", "text": "There is a no kid friendly restaurant called The Phoenix located at the city centre. They serve fast food, their price range is moderate, and they are near Raja Indian Cuisine." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "restaurant" ], [ "The Phoenix", "food", "Fast food" ], [ "The Phoenix", "priceRange", "moderate" ], [ "The Phoenix", "area", "city centre" ], [ "The Phoenix", "familyFriendly", "yes" ], [ "The Phoenix", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "There is a moderately priced restaurant named The Phoenix that serves fast food. The Phoenix is Kid Friendly and is near Raja Indian Cuisine in the city centre." }, { "source": "e2e", "text": "The Phoenix is a restaurant serving fast food near Raja Indian Cuisine in the city center. The Phoenix is kid friendly and moderately priced." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "restaurant" ], [ "The Phoenix", "food", "Fast food" ], [ "The Phoenix", "priceRange", "moderate" ], [ "The Phoenix", "area", "city centre" ], [ "The Phoenix", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Phoenix is a fast food restaurant with a moderate price range. It is located in the city centre near Raja Indian Cuisine." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "restaurant" ], [ "The Phoenix", "food", "Fast food" ], [ "The Phoenix", "priceRange", "moderate" ], [ "The Phoenix", "area", "riverside" ], [ "The Phoenix", "familyFriendly", "no" ], [ "The Phoenix", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The the riverside area, near Raja Indian Cuisine, there is a Fast food restaurant in the moderate price range called The Phoenix. It is not kids friendly." }, { "source": "e2e", "text": "There is a Fast food restaurant located near Raja Indian Cuisine in riverside called The Phoenix. It has a moderate price range and is not kid friendly." }, { "source": "e2e", "text": "Near Raja Indian Cuisine in Riverside there is a moderately priced Fast food restaurant named The Phoenix. It is not kids friendly." }, { "source": "e2e", "text": "The Phoenix is a Fast food restaurant located near Raja Indian Cuisine in riverside. It is not kid friendly and has a moderate price range." }, { "source": "e2e", "text": "The Phoenix is a restaurant. There price range is moderate. They serve fast food. They are not kids friendly. Located near the Raja Indian Cuisine, in the riverside area." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "restaurant" ], [ "The Phoenix", "food", "Fast food" ], [ "The Phoenix", "priceRange", "moderate" ], [ "The Phoenix", "area", "riverside" ], [ "The Phoenix", "familyFriendly", "yes" ], [ "The Phoenix", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Phoenix serves fast food. It is also a restaurant. The price range is moderate. It is kids friendly. It is in the riverside area near Raja Indian Cuisine." }, { "source": "e2e", "text": "The Phoenix is a moderately priced restaurant offering fast food and is kid friendly. It is located near Raja Indian Cuisine in riverside." }, { "source": "e2e", "text": "The Phoenix is a moderate priced Fast food restaurant in riverside near Raja Indian Cuisine. It is kid friendly." }, { "source": "e2e", "text": "The Phoenix is a Fast food restaurant in riverside near Raja Indian Cuisine. It is kid friendly and moderate priced." }, { "source": "e2e", "text": "In riverside, near Raja Indian Cuisine is a moderately priced restaurant that serves fast food. It is also child friendly and is called The Phoenix." }, { "source": "e2e", "text": "The Phoenix, near Raja Indian Cuisine is a moderately priced fast food restaurant that is child friendly and is in riverside." }, { "source": "e2e", "text": "A restaurant named The Phoenix is located near Raja Indian Cuisine in riverside offering moderately priced fast food. It is kid friendly." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "restaurant" ], [ "The Phoenix", "food", "Fast food" ], [ "The Phoenix", "priceRange", "more than \u00a330" ], [ "The Phoenix", "area", "riverside" ], [ "The Phoenix", "familyFriendly", "yes" ], [ "The Phoenix", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "At the riverside, nearby Raja Indian Cuisine, there is a child friendly restaurant called The Phoenix which serves fast food, for which you can expect to pay more than \u00a330." }, { "source": "e2e", "text": "The Phoenix is a Fast food restaurant near Raja Indian Cuisine in the riverside area. It is children friendly with a price range more than \u00a330 per head." }, { "source": "e2e", "text": "For a Fast food restaurant with a price range more than \u00a330 there is The Phoenix in the riverside area near Raja Indian Cuisine. it is also children friendly." }, { "source": "e2e", "text": "The Phoenix restaurant is child friendly and offers fast food priced on average at more than \u00a330. It is located in the riverside area, near Raja Indian Cuisine." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "restaurant" ], [ "The Phoenix", "food", "Fast food" ], [ "The Phoenix", "priceRange", "more than \u00a330" ], [ "The Phoenix", "customer rating", "high" ], [ "The Phoenix", "area", "riverside" ], [ "The Phoenix", "familyFriendly", "yes" ], [ "The Phoenix", "near", "Caf\u00e9 Sicilia" ] ], "annotations": [ { "source": "e2e", "text": "The Phoenix is a children-friendly Fast food restaurant with a high customer rating. It is located in Riverside, near the Caf\u00e9 Sicilia. The price range is more than \u00a330." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "restaurant" ], [ "The Phoenix", "food", "French" ], [ "The Phoenix", "area", "riverside" ], [ "The Phoenix", "familyFriendly", "yes" ], [ "The Phoenix", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Phoenix restaurant is kid-friendly, with prices in the lower 20s. The serve French food on the riverside. It's located near Raja Indian Cuisine." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "restaurant" ], [ "The Phoenix", "food", "French" ], [ "The Phoenix", "area", "riverside" ], [ "The Phoenix", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The French food serving restaurant known as The Phoenix is located near Raja Indian Cuisine on the the riverside. They cost between \u00a320-\u00a325." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "restaurant" ], [ "The Phoenix", "food", "French" ], [ "The Phoenix", "customer rating", "3 out of 5" ], [ "The Phoenix", "familyFriendly", "yes" ], [ "The Phoenix", "near", "Crowne Plaza Hotel" ] ], "annotations": [ { "source": "e2e", "text": "Next to Crowne Plaza Hotel, The Phoenix a family friendly three star French restaurant" } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "restaurant" ], [ "The Phoenix", "food", "French" ], [ "The Phoenix", "familyFriendly", "yes" ], [ "The Phoenix", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Phoenix is a restaurant located near Raja Indian Cuisine. They are kids friendly and cost between \u00a320-\u00a325. They serve French food." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "restaurant" ], [ "The Phoenix", "food", "French" ], [ "The Phoenix", "priceRange", "cheap" ], [ "The Phoenix", "area", "riverside" ], [ "The Phoenix", "familyFriendly", "yes" ], [ "The Phoenix", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "There is a cheap French restaurant named The Phoenix that is family friendly in riverside by Raja Indian Cuisine." }, { "source": "e2e", "text": "The Phoenix restaurant is now serving French food at low prices in a family friendly atmosphere, located in the riverside area by Raja Indian Cuisine" }, { "source": "e2e", "text": "The Phoenix is a cheap French restaurant in riverside. it is family friendly and located by Raja Indian Cuisine." }, { "source": "e2e", "text": "Looking for French food at a low prices in a family friendly environment, check out The Phoenix restaurant in the riverside area by Raja Indian Cuisine" } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "restaurant" ], [ "The Phoenix", "food", "French" ], [ "The Phoenix", "priceRange", "high" ], [ "The Phoenix", "area", "riverside" ], [ "The Phoenix", "familyFriendly", "yes" ], [ "The Phoenix", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Phoenix is a high priced restaurant serving French cuisine situated on the riverside near Raja Indian Cuisine which is child friendly." }, { "source": "e2e", "text": "The Phoenix is a restaurant near Raja Indian Cuisine in Riverside that serves expensive French food. It is children friendly." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "restaurant" ], [ "The Phoenix", "food", "French" ], [ "The Phoenix", "priceRange", "\u00a320-25" ], [ "The Phoenix", "area", "riverside" ], [ "The Phoenix", "familyFriendly", "yes" ], [ "The Phoenix", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Phoenix is a kid friendly French restaurant on the riverside near Raja Indian Cuisine. Prices range \u00a320-25." }, { "source": "e2e", "text": "The Phoenix is a kid-friendly restaurant located near Raja Indian Cuisine in the riverside area. They serve French food in the \u00a320-25 range." }, { "source": "e2e", "text": "Located near Raja Indian Cuisine on the riverside, The Phoenix is a kid friendly French restaurant with prices \u00a320-25." }, { "source": "e2e", "text": "There is a family friendly French restaurant in riverside called The Phoenix. They are located near Raja Indian Cuisine and the price range is \u00a320-25." }, { "source": "e2e", "text": "The Phoenix is a kid friendly restaurant with French food. Located in the riverside area near Raja Indian Cuisine. The price range is \u00a320-25." }, { "source": "e2e", "text": "The Phoenix, located in the riverside area near Raja Indian Cuisine, is a kid-friendly restaurant serving French food. Prices are in the \u00a320-25 range." }, { "source": "e2e", "text": "The Phoenix is a restaurant that serves French food located in the riverside area near Raja Indian Cuisine. It is kid friendly with a price range of \u00a320-25" }, { "source": "e2e", "text": "The Phoenix is a family friendly restaurant in riverside near Raja Indian Cuisine. They serve French food and the price ranges from \u00a320-25." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "restaurant" ], [ "The Phoenix", "food", "Indian" ], [ "The Phoenix", "area", "riverside" ], [ "The Phoenix", "familyFriendly", "yes" ], [ "The Phoenix", "near", "Crowne Plaza Hotel" ] ], "annotations": [ { "source": "e2e", "text": "From around \u00a320 for Indian food, The Phoenix restaurant can provide great service and a child friendly environment right by the riverside. They are located near Crowne Plaza Hotel." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "restaurant" ], [ "The Phoenix", "food", "Indian" ], [ "The Phoenix", "area", "riverside" ], [ "The Phoenix", "near", "Crowne Plaza Hotel" ] ], "annotations": [ { "source": "e2e", "text": "The Phoenix is an amazing Indian restaurant near the riverside. You can expect to spend 20 pounds or so, and there really isn't much for the kiddos. If you have trouble finding it, it's near Crowne Plaza Hotel." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "restaurant" ], [ "The Phoenix", "food", "Indian" ], [ "The Phoenix", "customer rating", "5 out of 5" ], [ "The Phoenix", "area", "riverside" ], [ "The Phoenix", "familyFriendly", "yes" ], [ "The Phoenix", "near", "Express by Holiday Inn" ] ], "annotations": [ { "source": "e2e", "text": "A family friendly restaurant called The Phoenix, located on the riverside near Express by Holiday Inn is family friendly. Serving Indian food with a customer service rating of 5 out of 5 stars." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "restaurant" ], [ "The Phoenix", "food", "Indian" ], [ "The Phoenix", "customer rating", "high" ], [ "The Phoenix", "area", "city centre" ], [ "The Phoenix", "familyFriendly", "no" ], [ "The Phoenix", "near", "Crowne Plaza Hotel" ] ], "annotations": [ { "source": "e2e", "text": "The Phoenix is a Indian serving restaurant with prices between \u00a320 and \u00a325. The customer rating is high with it being in the city centre near Crowne Plaza Hotel. Unfortunately, The Phoenix is not kid friendly." }, { "source": "e2e", "text": "An Indian restaurant named The Phoenix is not child friendly, has a high customer rating, with prices ranging from \u00a320 to \u00a325, and is located in the city centre near Crowne Plaza Hotel." }, { "source": "e2e", "text": "The Phoenix, a restaurant that serves Indian food, has a price range of \u00a320-\u00a325. The Phoenix has a high customer rating and it is situated in the city centre by Crowne Plaza Hotel. The Phoenix is not child friendly." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "restaurant" ], [ "The Phoenix", "food", "Indian" ], [ "The Phoenix", "customer rating", "high" ], [ "The Phoenix", "area", "city centre" ], [ "The Phoenix", "familyFriendly", "yes" ], [ "The Phoenix", "near", "Crowne Plaza Hotel" ] ], "annotations": [ { "source": "e2e", "text": "The Phoenix is a restaurant located in the city centre near Crowne Plaza Hotel, that also serves Indian food. The Phoenix has a moderate pricing, high customer ratings, and is kid-friendly." }, { "source": "e2e", "text": "The Phoenix is a restaurant serving Indian food in the mid-price range. it is in the city centre near Crowne Plaza Hotel, is kid friendly and has a high customer rating." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "restaurant" ], [ "The Phoenix", "food", "Indian" ], [ "The Phoenix", "near", "Express by Holiday Inn" ] ], "annotations": [ { "source": "e2e", "text": "The Phoenix is a restaurant located near Express by Holiday Inn in the city that provides Indian food." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "restaurant" ], [ "The Phoenix", "food", "Indian" ], [ "The Phoenix", "priceRange", "cheap" ], [ "The Phoenix", "area", "city centre" ], [ "The Phoenix", "familyFriendly", "no" ], [ "The Phoenix", "near", "Express by Holiday Inn" ] ], "annotations": [ { "source": "e2e", "text": "The Phoenix is a cheap, average restaurant that serves authentic Indian food. It is located in the city centre, near Express by Holiday Inn. The Phoenix is not family friendly." }, { "source": "e2e", "text": "The Phoenix, located in the city centre, is a small and authentic Indian restaurant. The Phoenix is mediocre shop but it offers fast, cheap food. It is across from Express by Holiday Inn and is not family friendly." }, { "source": "e2e", "text": "The Phoenix is an average Indian restaurant located in the city centre near Express by Holiday Inn, they are adult only and cheap." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "restaurant" ], [ "The Phoenix", "food", "Indian" ], [ "The Phoenix", "priceRange", "cheap" ], [ "The Phoenix", "area", "riverside" ], [ "The Phoenix", "familyFriendly", "yes" ], [ "The Phoenix", "near", "Express by Holiday Inn" ] ], "annotations": [ { "source": "e2e", "text": "The Phoenix is a family friendly restaurant serving Indian food with a cheap price range with a customer rating of 5 out 5 starts. It is located on the riverside near Express by Holiday Inn." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "restaurant" ], [ "The Phoenix", "food", "Indian" ], [ "The Phoenix", "priceRange", "cheap" ], [ "The Phoenix", "area", "riverside" ], [ "The Phoenix", "near", "Crowne Plaza Hotel" ] ], "annotations": [ { "source": "e2e", "text": "Located riverside near Crowne Plaza Hotel, and offering outstanding, cheap Indian food, The Phoenix is an adult friendly restaurant." }, { "source": "e2e", "text": "The Phoenix, located riverside near Crowne Plaza Hotel is an adult friendly restaurant. It serves great, cheap Indian food." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "restaurant" ], [ "The Phoenix", "food", "Indian" ], [ "The Phoenix", "priceRange", "cheap" ], [ "The Phoenix", "customer rating", "3 out of 5" ], [ "The Phoenix", "area", "riverside" ], [ "The Phoenix", "familyFriendly", "yes" ], [ "The Phoenix", "near", "Express by Holiday Inn" ] ], "annotations": [ { "source": "e2e", "text": "The Phoenix a restaurant which offers Indian food is cheap. It ha a customer rating of 3 out of 5. I t is located in riverside near Express by Holiday Inn. It is family friendly" } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "restaurant" ], [ "The Phoenix", "food", "Indian" ], [ "The Phoenix", "priceRange", "cheap" ], [ "The Phoenix", "customer rating", "5 out of 5" ], [ "The Phoenix", "area", "city centre" ], [ "The Phoenix", "familyFriendly", "no" ], [ "The Phoenix", "near", "Crowne Plaza Hotel" ] ], "annotations": [ { "source": "e2e", "text": "Cheap Indian food is served at The Phoenix, a restaurant with a 5 out of 5 rating. It is not family friendly and located near Crowne Plaza Hotel at the city centre." }, { "source": "e2e", "text": "The Phoenix is and Indian style restaurant with highly rated food at a low price. It can be found in the city centre by the Crowne Plaza Hotel and is not family friendly." }, { "source": "e2e", "text": "The 5 out of 5 rated restaurant, The Phoenix, is located in the city centre near the Crowne Plaza Hotel. It is not family friendly, with cheap Indian food being served." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "restaurant" ], [ "The Phoenix", "food", "Indian" ], [ "The Phoenix", "priceRange", "cheap" ], [ "The Phoenix", "customer rating", "5 out of 5" ], [ "The Phoenix", "area", "city centre" ], [ "The Phoenix", "familyFriendly", "yes" ], [ "The Phoenix", "near", "Crowne Plaza Hotel" ] ], "annotations": [ { "source": "e2e", "text": "The Phoenix restaurant serves cheap Indian food. With a customer rating of 5 out of 5, it is family friendly and located in the city centre near Crowne Plaza Hotel" }, { "source": "e2e", "text": "There is a cheap-priced restaurant The Phoenix located in the city centre near Crowne Plaza Hotel providing 5 out of 5 Indian food and is family friendly." }, { "source": "e2e", "text": "The Phoenix is a cheap-priced restaurant that provides Indian food and is located in the city centre near Crowne Plaza Hotel. It is family friendly and the customer rating is 5 out of 5." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "restaurant" ], [ "The Phoenix", "food", "Indian" ], [ "The Phoenix", "priceRange", "cheap" ], [ "The Phoenix", "customer rating", "5 out of 5" ], [ "The Phoenix", "area", "city centre" ], [ "The Phoenix", "near", "Crowne Plaza Hotel" ] ], "annotations": [ { "source": "e2e", "text": "The Phoenix is a restaurant providing Indian food in the cheap price range. It is located in the city centre. It is near Crowne Plaza Hotel. Its customer rating is 5 out of 5." }, { "source": "e2e", "text": "The Phoenix is a Indian restaurant that is not for the whole family. It has low prices, but high customer ratings. It is located in the city center near Crowne Plaza Hotel." }, { "source": "e2e", "text": "The Phoenix is a restaurant providing Indian food in the cheap price range. It is located in the city centre. It is near Crowne Plaza Hotel. Its customer rating is 5 out of 5." }, { "source": "e2e", "text": "Located in the city centre near Crowne Plaza Hotel, The Phoenix restaurant serves cheap Indian food. It has a customer rating of 5 out of 5." }, { "source": "e2e", "text": "The Phoenix is a restaurant providing Indian food in the cheap price range. It is located in the city centre. It is near Crowne Plaza Hotel. Its customer rating is 5 out of 5." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "restaurant" ], [ "The Phoenix", "food", "Indian" ], [ "The Phoenix", "priceRange", "cheap" ], [ "The Phoenix", "customer rating", "5 out of 5" ], [ "The Phoenix", "area", "riverside" ], [ "The Phoenix", "familyFriendly", "yes" ], [ "The Phoenix", "near", "Express by Holiday Inn" ] ], "annotations": [ { "source": "e2e", "text": "The Phoenix is a restaurant that serves cheap Indian food and has a customer rating of 5 out of 5. It is family friendly and is in the riverside area near Express by Holiday Inn." }, { "source": "e2e", "text": "A restaurant called The Phoenix sells cheap Indian food that is rated 5 out of 5 and is even better with its family friendly location near a riverside and the local Express by Holiday Inn." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "restaurant" ], [ "The Phoenix", "food", "Indian" ], [ "The Phoenix", "priceRange", "cheap" ], [ "The Phoenix", "customer rating", "5 out of 5" ], [ "The Phoenix", "area", "riverside" ], [ "The Phoenix", "near", "Express by Holiday Inn" ] ], "annotations": [ { "source": "e2e", "text": "The Phoenix, is in the riverside near Express by Holiday Inn, it is an adult directed restaurant and Indian restaurant that is affordable an received a 5 out of 5 rating." }, { "source": "e2e", "text": "The Phoenix is a restaurant providing Indian food in the cheap price range. It is located in the riverside. It is near Express by Holiday Inn. Its customer rating is 5 out of 5." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "restaurant" ], [ "The Phoenix", "food", "Indian" ], [ "The Phoenix", "priceRange", "cheap" ], [ "The Phoenix", "customer rating", "average" ], [ "The Phoenix", "area", "city centre" ], [ "The Phoenix", "familyFriendly", "no" ], [ "The Phoenix", "near", "Express by Holiday Inn" ] ], "annotations": [ { "source": "e2e", "text": "There is a cheap restaurant The Phoenix. It is a restaurant that offers Indian food with an average customer rating. It is in the city centre area near Express by Holiday Inn, it is not family friendly." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "restaurant" ], [ "The Phoenix", "food", "Indian" ], [ "The Phoenix", "priceRange", "moderate" ], [ "The Phoenix", "customer rating", "average" ], [ "The Phoenix", "area", "city centre" ], [ "The Phoenix", "familyFriendly", "no" ], [ "The Phoenix", "near", "Express by Holiday Inn" ] ], "annotations": [ { "source": "e2e", "text": "The Phoenix is a restaurant that offers Indian food for a cheap price with an average rating. In the area of city centre near Express by Holiday Inn, not family friendly." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "restaurant" ], [ "The Phoenix", "food", "Indian" ], [ "The Phoenix", "priceRange", "more than \u00a330" ], [ "The Phoenix", "area", "riverside" ], [ "The Phoenix", "familyFriendly", "yes" ], [ "The Phoenix", "near", "Crowne Plaza Hotel" ] ], "annotations": [ { "source": "e2e", "text": "For a positive rated restaurant that also serves Indian food at a high price, the child friendly venue, The Phoenix, sits near Crowne Plaza Hotel on the riverside." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "restaurant" ], [ "The Phoenix", "food", "Indian" ], [ "The Phoenix", "priceRange", "more than \u00a330" ], [ "The Phoenix", "customer rating", "high" ], [ "The Phoenix", "area", "city centre" ], [ "The Phoenix", "familyFriendly", "yes" ], [ "The Phoenix", "near", "Crowne Plaza Hotel" ] ], "annotations": [ { "source": "e2e", "text": "The Phoenix is located near Crowne Plaza Hotel in the city center is a kid friendly restaurant . The Phoenix serves Indian food in the mid-price range and has a high customer rating." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "restaurant" ], [ "The Phoenix", "food", "Indian" ], [ "The Phoenix", "priceRange", "\u00a320-25" ], [ "The Phoenix", "area", "city centre" ], [ "The Phoenix", "familyFriendly", "no" ], [ "The Phoenix", "near", "Crowne Plaza Hotel" ] ], "annotations": [ { "source": "e2e", "text": "The Phoenix is an Indian food restaurant located in the City center. Price range is \u00a320-25. Unfortunately not kid friendly. Near Crowne Plaza Hotel" } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "restaurant" ], [ "The Phoenix", "food", "Indian" ], [ "The Phoenix", "priceRange", "\u00a320-25" ], [ "The Phoenix", "area", "riverside" ], [ "The Phoenix", "familyFriendly", "no" ], [ "The Phoenix", "near", "Crowne Plaza Hotel" ] ], "annotations": [ { "source": "e2e", "text": "The Phoenix provides an Indian restaurant experience at a reasonable price. Rated highly it can be found near Crowne Plaza Hotel on the riverside, but children are not welcome." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "restaurant" ], [ "The Phoenix", "food", "Indian" ], [ "The Phoenix", "priceRange", "\u00a320-25" ], [ "The Phoenix", "area", "riverside" ], [ "The Phoenix", "familyFriendly", "yes" ], [ "The Phoenix", "near", "Crowne Plaza Hotel" ] ], "annotations": [ { "source": "e2e", "text": "The Phoenix, located near Crowne Plaza Hotel on the riverside, is a restaurant that also serves Indian food. It is kids friendly and food is priced between \u00a320-25." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "restaurant" ], [ "The Phoenix", "food", "Indian" ], [ "The Phoenix", "priceRange", "\u00a320-25" ], [ "The Phoenix", "customer rating", "high" ], [ "The Phoenix", "area", "city centre" ], [ "The Phoenix", "familyFriendly", "no" ], [ "The Phoenix", "near", "Crowne Plaza Hotel" ] ], "annotations": [ { "source": "e2e", "text": "The Phoenix restaurant offers Indian food in the price range of \u00a320-25. The customer rating is high and it is based in the city centre. Not kids friendly. Near Crowne Plaza Hotel" } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "restaurant" ], [ "The Phoenix", "food", "Indian" ], [ "The Phoenix", "priceRange", "\u00a320-25" ], [ "The Phoenix", "customer rating", "high" ], [ "The Phoenix", "area", "city centre" ], [ "The Phoenix", "familyFriendly", "yes" ], [ "The Phoenix", "near", "Crowne Plaza Hotel" ] ], "annotations": [ { "source": "e2e", "text": "The Phoenix is a restaurant with Indian food ranging in 20-25 pounds. This establishment has high customer ratings. They are located in the centre of the city near Crowne Plaza Hotel and do not allow children." }, { "source": "e2e", "text": "In the City Centre near Crowne Plaza Hotel is a kid-friendly restaurant called the Phoenix, which serves Indian food at a moderate price. The Phoenix has high customer ratings." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "restaurant" ], [ "The Phoenix", "food", "Indian" ], [ "The Phoenix", "priceRange", "\u00a320-25" ], [ "The Phoenix", "customer rating", "high" ], [ "The Phoenix", "area", "city centre" ], [ "The Phoenix", "near", "Crowne Plaza Hotel" ] ], "annotations": [ { "source": "e2e", "text": "The Phoenix is a restaurant providing Indian food in the \u00a320-25 price range. It is located in the city centre. It is near Crowne Plaza Hotel. Its customer rating is high." }, { "source": "e2e", "text": "The Phoenix is a restaurant providing Indian food in the \u00a320-25 price range. It is located in the city centre. It is near Crowne Plaza Hotel. Its customer rating is high." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "restaurant" ], [ "The Phoenix", "food", "Indian" ], [ "The Phoenix", "priceRange", "\u00a320-25" ], [ "The Phoenix", "customer rating", "high" ], [ "The Phoenix", "area", "riverside" ], [ "The Phoenix", "familyFriendly", "no" ], [ "The Phoenix", "near", "Crowne Plaza Hotel" ] ], "annotations": [ { "source": "e2e", "text": "The Phoenix Indian restaurant is moderately priced and has high ratings. This is not a kid friendly establishment but is located near Crowne Plaza Hotel in Riverside." }, { "source": "e2e", "text": "Highly rated Indian restaurant The Phoenix is located on the riverside near Crowne Plaza Hotel. Not kid friendly but average price." }, { "source": "e2e", "text": "Near Crowne Plaza Hotel in Riverside there is an Indian restaurant called The Phoenix. It is not kid friendly, has a price range of 20-25 and has a high customer rating." }, { "source": "e2e", "text": "Near Crowne Plaza Hotel in Riverside there is an Indian restaurant called The Phoenix. It has a price range of 20-25, is not kid friendly, and has a high customer rating." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "restaurant" ], [ "The Phoenix", "food", "Indian" ], [ "The Phoenix", "priceRange", "\u00a320-25" ], [ "The Phoenix", "customer rating", "high" ], [ "The Phoenix", "area", "riverside" ], [ "The Phoenix", "familyFriendly", "yes" ], [ "The Phoenix", "near", "Crowne Plaza Hotel" ] ], "annotations": [ { "source": "e2e", "text": "The Phoenix is a restaurant that also serves Indian food priced between \u00a320-25, located near Crowne Plaza Hotel on the riverside. It's customer rating is high, and the establishment is kids friendly." }, { "source": "e2e", "text": "There is a restaurant called The Phoenix. Its is located near Crowne Plaza Hotel in the riverside area. It is child friendly and serves Indian food at a \u00a320-25 price range. It has a high customer rating." }, { "source": "e2e", "text": "The Phoenix is a restaurant that serves Indian food for 20-25 euros, it is in the riverside area near a Crowne Plaza Hotel and is kid friendly with high customer rating." }, { "source": "e2e", "text": "The Phoenix is kid friendly a restaurant in the riverside area near a Crowne Plaza Hotel that serves Indian food for 20-25 euros and has a high customer rating." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "restaurant" ], [ "The Phoenix", "food", "Indian" ], [ "The Phoenix", "priceRange", "\u00a320-25" ], [ "The Phoenix", "familyFriendly", "no" ], [ "The Phoenix", "near", "Crowne Plaza Hotel" ] ], "annotations": [ { "source": "e2e", "text": "A centrally located restaurant called The Phoenix has Indian food in the price range of 20-25 pounds. They are not family friendly. They can be found near Crowne Plaza Hotel." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "restaurant" ], [ "The Phoenix", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "There is a well priced restaurant The Phoenix which is located near to Raja Indian Cuisine." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "restaurant" ], [ "The Phoenix", "priceRange", "cheap" ], [ "The Phoenix", "area", "riverside" ], [ "The Phoenix", "familyFriendly", "yes" ], [ "The Phoenix", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "Cheap food and a family friendly atmosphere at The Phoenix restaurant. Situated riverside near the Raja Indian Cuisine." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "restaurant" ], [ "The Phoenix", "priceRange", "cheap" ], [ "The Phoenix", "area", "riverside" ], [ "The Phoenix", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "There is a moderately cheap restaurant in Riverside near the Raja Indian Cuisine called The Phoenix." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "restaurant" ], [ "The Phoenix", "priceRange", "cheap" ], [ "The Phoenix", "customer rating", "5 out of 5" ], [ "The Phoenix", "familyFriendly", "yes" ], [ "The Phoenix", "near", "Crowne Plaza Hotel" ] ], "annotations": [ { "source": "e2e", "text": "The Phoenix is a family-friendly restaurant, near Crowne Plaza Hotel, that offers an affordable menu of cheeses, breads, soups and alcohol. It has a five-star rating." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "restaurant" ], [ "The Phoenix", "priceRange", "cheap" ], [ "The Phoenix", "customer rating", "5 out of 5" ], [ "The Phoenix", "near", "Crowne Plaza Hotel" ] ], "annotations": [ { "source": "e2e", "text": "The Phoenix is a inexpensive 5 star family restaurant located near Crowne Plaza Hotel." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "restaurant" ], [ "The Phoenix", "priceRange", "cheap" ], [ "The Phoenix", "customer rating", "5 out of 5" ], [ "The Phoenix", "near", "Express by Holiday Inn" ] ], "annotations": [ { "source": "e2e", "text": "The Phoenix is a cheap restaurant. It has a customer rating of 5 out of 5. It is near Express by Holiday Inn." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "restaurant" ], [ "The Phoenix", "priceRange", "cheap" ], [ "The Phoenix", "near", "Crowne Plaza Hotel" ] ], "annotations": [ { "source": "e2e", "text": "The Phoenix is a restaurant providing take-away deliveries in the low price range. It is located in near Crowne Plaza Hotel." }, { "source": "e2e", "text": "The Phoenix is a low-priced restaurant in near Crowne Plaza Hotel that delivers take-away." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "restaurant" ], [ "The Phoenix", "priceRange", "cheap" ], [ "The Phoenix", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "There is a low priced restaurant located near Raja Indian Cuisine called The Phoenix." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "restaurant" ], [ "The Phoenix", "priceRange", "high" ], [ "The Phoenix", "familyFriendly", "yes" ], [ "The Phoenix", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "There is a family friendly restaurant called The Phoenix that is located near Raja Indian Cuisine with high price takeaway menu items." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "restaurant" ], [ "The Phoenix", "priceRange", "high" ], [ "The Phoenix", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Phoenix is a high price restaurant located by Raja Indian Cuisine." }, { "source": "e2e", "text": "There's a restaurant named The Phoenix by Raja Indian Cuisine. It's a dine in at a high price." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "restaurant" ], [ "The Phoenix", "priceRange", "less than \u00a320" ], [ "The Phoenix", "area", "riverside" ], [ "The Phoenix", "familyFriendly", "yes" ], [ "The Phoenix", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Phoenix, located on the river next to Raja Indian Cuisine, north of the City centre, is a low-priced, family friendly restaurant offering burgers and fries as well." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "restaurant" ], [ "The Phoenix", "priceRange", "less than \u00a320" ], [ "The Phoenix", "area", "city centre" ], [ "The Phoenix", "familyFriendly", "no" ], [ "The Phoenix", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Phoenix restaurant in the city centre, close to Raja Indian Cuisine, is cheap and not family friendly." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "restaurant" ], [ "The Phoenix", "priceRange", "less than \u00a320" ], [ "The Phoenix", "area", "city centre" ], [ "The Phoenix", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The restaurant, The Phoenix is an affordable location city center. and the Raja Indian Cuisine restaurant" } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "restaurant" ], [ "The Phoenix", "priceRange", "less than \u00a320" ], [ "The Phoenix", "area", "riverside" ], [ "The Phoenix", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Phoenix restaurant, located on the river, is near Raja Indian Cuisine and low priced" }, { "source": "e2e", "text": "The Phoenix is a low priced restaurant on the river located near Raja Indian Cuisine" } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "restaurant" ], [ "The Phoenix", "priceRange", "less than \u00a320" ], [ "The Phoenix", "familyFriendly", "yes" ], [ "The Phoenix", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "there's a family friendly restaurant in a cheap price range near Raja Indian Cuisine called The Phoenix" }, { "source": "e2e", "text": "The Phoenix is a family friendly restaurant in a cheap price range near Raja Indian Cuisine" } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "restaurant" ], [ "The Phoenix", "priceRange", "moderate" ], [ "The Phoenix", "area", "city centre" ], [ "The Phoenix", "familyFriendly", "yes" ], [ "The Phoenix", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "There is a restaurant located in the city centre near Raja Indian Cuisine. The Phoenix has a moderate price range and is kid friendly." } ] }, { "tripleset": [ [ "The Phoenix", "eatType", "restaurant" ], [ "The Phoenix", "priceRange", "moderate" ], [ "The Phoenix", "area", "city centre" ], [ "The Phoenix", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Phoenix is a moderately priced, adult oriented restaurant, located in the city centre, near the Raja Indian Cuisine." }, { "source": "e2e", "text": "Located in the city centre, near Raja Indian Cuisine, The Phoenix is a moderately priced adult oriented restaurant." } ] }, { "tripleset": [ [ "The Phoenix", "food", "Fast food" ], [ "The Phoenix", "priceRange", "moderate" ], [ "The Phoenix", "area", "city centre" ], [ "The Phoenix", "familyFriendly", "no" ], [ "The Phoenix", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "Located in the centre of the city near Raja Indian Cuisine, moderately priced The Phoenix offers an adult, non kid friendly fast food experience." }, { "source": "e2e", "text": "Located in the centre of the city near Raja Indian Cuisine, moderately priced The Phoenix offers an adult, non kid friendly fast food experience." } ] }, { "tripleset": [ [ "The Phoenix", "food", "Fast food" ], [ "The Phoenix", "priceRange", "more than \u00a330" ], [ "The Phoenix", "area", "city centre" ], [ "The Phoenix", "near", "Caf\u00e9 Sicilia" ] ], "annotations": [ { "source": "e2e", "text": "The Phoenix Fast food is located near Caf\u00e9 Sicilia in city center with a high price range ." } ] }, { "tripleset": [ [ "The Phoenix", "food", "Fast food" ], [ "The Phoenix", "priceRange", "more than \u00a330" ], [ "The Phoenix", "customer rating", "high" ], [ "The Phoenix", "area", "riverside" ], [ "The Phoenix", "familyFriendly", "yes" ], [ "The Phoenix", "near", "Caf\u00e9 Sicilia" ] ], "annotations": [ { "source": "e2e", "text": "The Phoenix, located in Riverside, near the Caf\u00e9 Sicilia, has a high customer satisfaction rating, and is ideal for Fast food. It is a children-friendly location, and offers food in the more than \u00a330 price range." } ] }, { "tripleset": [ [ "The Phoenix", "food", "French" ], [ "The Phoenix", "customer rating", "3 out of 5" ], [ "The Phoenix", "near", "Crowne Plaza Hotel" ] ], "annotations": [ { "source": "e2e", "text": "The Phoenix, serving three star French food to families, located next to Crowne Plaza Hotel." } ] }, { "tripleset": [ [ "The Phoenix", "food", "French" ], [ "The Phoenix", "priceRange", "less than \u00a320" ], [ "The Phoenix", "area", "riverside" ], [ "The Phoenix", "familyFriendly", "yes" ], [ "The Phoenix", "near", "Crowne Plaza Hotel" ] ], "annotations": [ { "source": "e2e", "text": "Near the Crowne Plaza Hotel at the riverside for less than \u00a320, The Phoenix is family Friendly and serves French food" } ] }, { "tripleset": [ [ "The Phoenix", "food", "Indian" ], [ "The Phoenix", "priceRange", "cheap" ], [ "The Phoenix", "customer rating", "5 out of 5" ], [ "The Phoenix", "area", "riverside" ], [ "The Phoenix", "familyFriendly", "yes" ], [ "The Phoenix", "near", "Express by Holiday Inn" ] ], "annotations": [ { "source": "e2e", "text": "The Phoenix is in the riverside area near Express by Holiday Inn. It serves cheap Indian food and has a customer rating of 5 out of 5. It is family friendly." } ] }, { "tripleset": [ [ "The Phoenix", "food", "Indian" ], [ "The Phoenix", "priceRange", "more than \u00a330" ], [ "The Phoenix", "customer rating", "5 out of 5" ], [ "The Phoenix", "area", "city centre" ], [ "The Phoenix", "familyFriendly", "no" ], [ "The Phoenix", "near", "Crowne Plaza Hotel" ] ], "annotations": [ { "source": "e2e", "text": "The Phoenix is an excellent shop serving Indian fare at a low price with high ratings. It is located in the city centre near Crowne Plaza Hotel and is not family friendly." } ] }, { "tripleset": [ [ "The Phoenix", "near", "Caf\u00e9 Sicilia" ] ], "annotations": [ { "source": "e2e", "text": "The Phoenix is located by Caf\u00e9 Sicilia. It has fair prices and has burgers,drinks, and fries" }, { "source": "e2e", "text": "The Phoenix is located by Caf\u00e9 Sicilia. It has fair prices and had burgers,drinks, and fries" } ] }, { "tripleset": [ [ "The Phoenix", "priceRange", "cheap" ], [ "The Phoenix", "customer rating", "5 out of 5" ], [ "The Phoenix", "area", "city centre" ], [ "The Phoenix", "near", "Crowne Plaza Hotel" ] ], "annotations": [ { "source": "e2e", "text": "The Phoenix can be found north of the city center, near a Crowne Plaza Hotel, with a view of the river. For their cheap prices, you and your family can receive 5-star cheeses, fruits and wines." } ] }, { "tripleset": [ [ "The Phoenix", "priceRange", "cheap" ], [ "The Phoenix", "customer rating", "5 out of 5" ], [ "The Phoenix", "area", "riverside" ], [ "The Phoenix", "near", "Express by Holiday Inn" ] ], "annotations": [ { "source": "e2e", "text": "The Phoenix is in riverside near Express by Holiday Inn. It has cheap prices. It has high customer ratings." } ] }, { "tripleset": [ [ "The Phoenix", "priceRange", "high" ], [ "The Phoenix", "familyFriendly", "yes" ], [ "The Phoenix", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Phoenix is located near Raja Indian Cuisine that has expensive, family friendly take out." }, { "source": "e2e", "text": "The Phoenix is located near Raja Indian Cuisine that has expensive, family friendly take out." } ] }, { "tripleset": [ [ "The Plough", "eatType", "pub" ], [ "The Plough", "area", "riverside" ], [ "The Plough", "familyFriendly", "no" ], [ "The Plough", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "There is a pub The Plough located riverside near Raja Indian Cuisine. They are not children friendly." } ] }, { "tripleset": [ [ "The Plough", "eatType", "pub" ], [ "The Plough", "food", "Chinese" ], [ "The Plough", "area", "city centre" ], [ "The Plough", "familyFriendly", "no" ], [ "The Plough", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "In the city center, near Raja Indian Cuisine, The Plough pub dishes out high class Chinese eats, with an atmosphere that is not children friendly." } ] }, { "tripleset": [ [ "The Plough", "eatType", "pub" ], [ "The Plough", "food", "Chinese" ], [ "The Plough", "area", "city centre" ], [ "The Plough", "familyFriendly", "yes" ], [ "The Plough", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "Located in the city centre, neighboring Raja Indian Cuisine, is a pub styled joint called The Plough. This establishment is known for its family friendly atmosphere and highly priced Chinese food." }, { "source": "e2e", "text": "The Plough is a pub serving Chinese food in the mid-price range. It is family-friendly and near Raja Indian Cuisine in the city center." } ] }, { "tripleset": [ [ "The Plough", "eatType", "pub" ], [ "The Plough", "food", "Chinese" ], [ "The Plough", "area", "city centre" ], [ "The Plough", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "There is a mid-price ranged pub called The Plough that serves Chinese food located near Raja Indian Cuisine in the city center." } ] }, { "tripleset": [ [ "The Plough", "eatType", "pub" ], [ "The Plough", "food", "Chinese" ], [ "The Plough", "area", "riverside" ], [ "The Plough", "familyFriendly", "no" ], [ "The Plough", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Plough is a pub offering Chinese food. They are located riverside and are not children friendly. They can be found riverside near Raja Indian Cuisine." } ] }, { "tripleset": [ [ "The Plough", "eatType", "pub" ], [ "The Plough", "food", "Chinese" ], [ "The Plough", "priceRange", "cheap" ], [ "The Plough", "area", "riverside" ], [ "The Plough", "familyFriendly", "yes" ], [ "The Plough", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Plough is a Chinese pub and pub in the riverside area near Raja Indian Cuisine. It is family friendly and has cheap pricing." }, { "source": "e2e", "text": "The Plough is a cheap Chinese pub located riverside by Raja Indian Cuisine. It is a family friendly establishment." }, { "source": "e2e", "text": "If you are looking for a family friendly pub with cheap pricing, you may wish to try The Plough. It offers a pub and Chinese food, and is near the Raja Indian Cuisine in the riverside area." }, { "source": "e2e", "text": "A cheap Chinese pub near Raja Indian Cuisine located riverside and is family-friendly is The Plough." } ] }, { "tripleset": [ [ "The Plough", "eatType", "pub" ], [ "The Plough", "food", "Chinese" ], [ "The Plough", "priceRange", "cheap" ], [ "The Plough", "area", "riverside" ], [ "The Plough", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "In the riverside area near Raja Indian Cuisine you will find The Plough. A low priced family pub offering Chinese food." }, { "source": "e2e", "text": "The Plough is a pub providing Chinese food in the cheap price range. It is located in the riverside. It is near Raja Indian Cuisine." } ] }, { "tripleset": [ [ "The Plough", "eatType", "pub" ], [ "The Plough", "food", "Chinese" ], [ "The Plough", "priceRange", "high" ], [ "The Plough", "area", "riverside" ], [ "The Plough", "familyFriendly", "yes" ], [ "The Plough", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Plough is a pub located by the riverside located near Raja Indian Cuisine, in the city centre. It serves Chinese food and it has a high price range. It is child friendly." } ] }, { "tripleset": [ [ "The Plough", "eatType", "pub" ], [ "The Plough", "food", "Chinese" ], [ "The Plough", "priceRange", "high" ], [ "The Plough", "area", "city centre" ], [ "The Plough", "familyFriendly", "no" ], [ "The Plough", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Plough pub serves high priced Chinese food in the city center, near Raja Indian Cuisine. Be advised, The Plough is not children friendly." }, { "source": "e2e", "text": "The Chinese pub, The Plough, is located in the city centre near Raja Indian Cuisine. The price range is high and isn't children friendly." }, { "source": "e2e", "text": "The Chinese pub, The Plough, is located in the city centre near Raja Indian Cuisine. This place isn't children friendly, as well as the price range being high." }, { "source": "e2e", "text": "In the city centre, The Plough pub s is expensive. It offers Chinese food and is not children friendly. It is located near to the Raja Indian Cuisine." }, { "source": "e2e", "text": "Near Raja Indian Cuisine in the city centre there is a pub called The Plough. It serves Chines food at a high price range and is not children friendly." } ] }, { "tripleset": [ [ "The Plough", "eatType", "pub" ], [ "The Plough", "food", "Chinese" ], [ "The Plough", "priceRange", "high" ], [ "The Plough", "area", "city centre" ], [ "The Plough", "familyFriendly", "yes" ], [ "The Plough", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "A pub near Raja Indian Cuisine, in the city centre, is The Plough. It also provides Chinese food. It has a high price range and is child friendly." } ] }, { "tripleset": [ [ "The Plough", "eatType", "pub" ], [ "The Plough", "food", "Chinese" ], [ "The Plough", "priceRange", "high" ], [ "The Plough", "area", "city centre" ], [ "The Plough", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Plough is a pub providing Chinese food in the high price range. It is located in the city centre. It is near Raja Indian Cuisine." }, { "source": "e2e", "text": "The Plough is a pub providing Chinese food in the high price range. It is located in the city centre. It is near Raja Indian Cuisine." } ] }, { "tripleset": [ [ "The Plough", "eatType", "pub" ], [ "The Plough", "food", "Chinese" ], [ "The Plough", "priceRange", "high" ], [ "The Plough", "area", "riverside" ], [ "The Plough", "familyFriendly", "no" ], [ "The Plough", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Plough is a pub in the riverside area, near Raja Indian Cuisine. Their menu offers Chinese food, with prices in the high range, and they are not child friendly." }, { "source": "e2e", "text": "The Plough is a pub that has expensive Chinese food, not child friendly, and is located riverside near Raja Indian Cuisine." } ] }, { "tripleset": [ [ "The Plough", "eatType", "pub" ], [ "The Plough", "food", "Chinese" ], [ "The Plough", "priceRange", "high" ], [ "The Plough", "area", "riverside" ], [ "The Plough", "familyFriendly", "yes" ], [ "The Plough", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Plough is an expensive pub and that serves Chinese food located near the riverside Raja Indian Cuisine, it is not appropriate for children." }, { "source": "e2e", "text": "There is a riverside pub near Raja Indian Cuisine called The Plough, that serves Chinese food in the high price range. This venue is not suited for families with children." }, { "source": "e2e", "text": "The Plough is a pub that sells Chinese food. IT is a high price range in the riverside area near Raja Indian Cuisine. It is children Friendly" }, { "source": "e2e", "text": "The Plough is a high priced, kid friendly Chinese pub located in the riverside area near Raja Indian Cuisine." }, { "source": "e2e", "text": "The Plough, near Raja Indian Cuisine in riverside, is a children Friendly pub that sells Chinese food. IT is a high price range." }, { "source": "e2e", "text": "The Plough is in the riverside area near Raja Indian Cuisine. It is a kid friendly pub serving high priced Chinese food." } ] }, { "tripleset": [ [ "The Plough", "eatType", "pub" ], [ "The Plough", "food", "Chinese" ], [ "The Plough", "priceRange", "high" ], [ "The Plough", "area", "riverside" ], [ "The Plough", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Plough pub has Chinese food and is friendly. It is in the riverside area near Raja Indian Cuisine with a high price range." }, { "source": "e2e", "text": "The Plough is a pub providing Chinese food in the high price range. It is located in the riverside. It is near Raja Indian Cuisine." }, { "source": "e2e", "text": "The Plough is a pub providing Chinese food in the high price range. It is located in the riverside. It is near Raja Indian Cuisine." } ] }, { "tripleset": [ [ "The Plough", "eatType", "pub" ], [ "The Plough", "food", "Chinese" ], [ "The Plough", "priceRange", "less than \u00a320" ], [ "The Plough", "area", "city centre" ], [ "The Plough", "familyFriendly", "no" ], [ "The Plough", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Plough is a non family friendly pub who serves Chinese food and is less than \u00a320. It is near the Raja Indian Cuisine in the city centre." }, { "source": "e2e", "text": "Serving Chinese food, the non-family friendly pub, The Plough, is a pub in the less than \u00a320 price range. It is in city centre near Raja Indian Cuisine." }, { "source": "e2e", "text": "in the less than \u00a320 price range and serving Chinese food, the non-family friendly pub, The Plough is in city centre near Raja Indian Cuisine." }, { "source": "e2e", "text": "The Plough is a unique pub in the city centre, near the Raja Indian Cuisine pub. They are not family friendly and serve amazing Chinese food that is priced less than \u00a320." } ] }, { "tripleset": [ [ "The Plough", "eatType", "pub" ], [ "The Plough", "food", "Chinese" ], [ "The Plough", "priceRange", "moderate" ], [ "The Plough", "area", "city centre" ], [ "The Plough", "familyFriendly", "no" ], [ "The Plough", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Plough, a pub in the city centre offering Chinese food, is in the above average price range. It is located near the Raja Indian Cuisine and is not children friendly." }, { "source": "e2e", "text": "With below average prices, The Plough, a non-family friendly pub in the city centre, offers Chinese food and is located near the Raja Indian Cuisine." } ] }, { "tripleset": [ [ "The Plough", "eatType", "pub" ], [ "The Plough", "food", "Chinese" ], [ "The Plough", "priceRange", "\u00a320-25" ], [ "The Plough", "area", "riverside" ], [ "The Plough", "familyFriendly", "yes" ], [ "The Plough", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Plough is a kid friendly pub that serves Chinese with an average meal for \u00a320-25. Its in riverside near Raja Indian Cuisine." }, { "source": "e2e", "text": "The Plough is a pub offering Chinese food with a price range of 20-25 pounds. This pub is located in riverside near the Raja Indian Cuisine pub. It is kids friendly." }, { "source": "e2e", "text": "The kids friendly pub is called The Plough. This pub is located in riverside near the Raja Indian Cuisine pub and offers Chinese cuisine. Meals at The Plough cost 20-25 pounds." } ] }, { "tripleset": [ [ "The Plough", "eatType", "pub" ], [ "The Plough", "food", "Chinese" ], [ "The Plough", "priceRange", "\u00a320-25" ], [ "The Plough", "area", "riverside" ], [ "The Plough", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "In riverside near Raja Indian Cuisine is a pub called The Plough. A pub that serves Chinese food for \u00a320-25." } ] }, { "tripleset": [ [ "The Plough", "eatType", "pub" ], [ "The Plough", "food", "Indian" ], [ "The Plough", "priceRange", "\u00a320-25" ], [ "The Plough", "area", "riverside" ], [ "The Plough", "familyFriendly", "yes" ], [ "The Plough", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Plough is a pub that serves Indian food that has an average price range. It allows children and is near the riverside and Raja Indian Cuisine." } ] }, { "tripleset": [ [ "The Plough", "eatType", "restaurant" ], [ "The Plough", "area", "riverside" ], [ "The Plough", "familyFriendly", "no" ], [ "The Plough", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "There is a restaurant The Plough located riverside near Raja Indian Cuisine. They are not children friendly." } ] }, { "tripleset": [ [ "The Plough", "eatType", "restaurant" ], [ "The Plough", "food", "Chinese" ], [ "The Plough", "area", "city centre" ], [ "The Plough", "familyFriendly", "no" ], [ "The Plough", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "In the city center, near Raja Indian Cuisine, The Plough restaurant dishes out high class Chinese eats, with an atmosphere that is not children friendly." } ] }, { "tripleset": [ [ "The Plough", "eatType", "restaurant" ], [ "The Plough", "food", "Chinese" ], [ "The Plough", "area", "city centre" ], [ "The Plough", "familyFriendly", "yes" ], [ "The Plough", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "Located in the city centre, neighboring Raja Indian Cuisine, is a restaurant styled joint called The Plough. This establishment is known for its family friendly atmosphere and highly priced Chinese food." }, { "source": "e2e", "text": "The Plough is a restaurant serving Chinese food in the mid-price range. It is family-friendly and near Raja Indian Cuisine in the city center." } ] }, { "tripleset": [ [ "The Plough", "eatType", "restaurant" ], [ "The Plough", "food", "Chinese" ], [ "The Plough", "area", "city centre" ], [ "The Plough", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "There is a mid-price ranged restaurant called The Plough that serves Chinese food located near Raja Indian Cuisine in the city center." } ] }, { "tripleset": [ [ "The Plough", "eatType", "restaurant" ], [ "The Plough", "food", "Chinese" ], [ "The Plough", "area", "riverside" ], [ "The Plough", "familyFriendly", "no" ], [ "The Plough", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Plough is a restaurant offering Chinese food. They are located riverside and are not children friendly. They can be found riverside near Raja Indian Cuisine." } ] }, { "tripleset": [ [ "The Plough", "eatType", "restaurant" ], [ "The Plough", "food", "Chinese" ], [ "The Plough", "priceRange", "cheap" ], [ "The Plough", "area", "riverside" ], [ "The Plough", "familyFriendly", "yes" ], [ "The Plough", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Plough is a Chinese restaurant and restaurant in the riverside area near Raja Indian Cuisine. It is family friendly and has cheap pricing." }, { "source": "e2e", "text": "The Plough is a cheap Chinese restaurant located riverside by Raja Indian Cuisine. It is a family friendly establishment." }, { "source": "e2e", "text": "If you are looking for a family friendly restaurant with cheap pricing, you may wish to try The Plough. It offers a restaurant and Chinese food, and is near the Raja Indian Cuisine in the riverside area." }, { "source": "e2e", "text": "A cheap Chinese restaurant near Raja Indian Cuisine located riverside and is family-friendly is The Plough." } ] }, { "tripleset": [ [ "The Plough", "eatType", "restaurant" ], [ "The Plough", "food", "Chinese" ], [ "The Plough", "priceRange", "cheap" ], [ "The Plough", "area", "riverside" ], [ "The Plough", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "In the riverside area near Raja Indian Cuisine you will find The Plough. A low priced family restaurant offering Chinese food." }, { "source": "e2e", "text": "The Plough is a restaurant providing Chinese food in the cheap price range. It is located in the riverside. It is near Raja Indian Cuisine." } ] }, { "tripleset": [ [ "The Plough", "eatType", "restaurant" ], [ "The Plough", "food", "Chinese" ], [ "The Plough", "priceRange", "high" ], [ "The Plough", "area", "riverside" ], [ "The Plough", "familyFriendly", "yes" ], [ "The Plough", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Plough is a restaurant located by the riverside located near Raja Indian Cuisine, in the city centre. It serves Chinese food and it has a high price range. It is child friendly." } ] }, { "tripleset": [ [ "The Plough", "eatType", "restaurant" ], [ "The Plough", "food", "Chinese" ], [ "The Plough", "priceRange", "high" ], [ "The Plough", "area", "city centre" ], [ "The Plough", "familyFriendly", "no" ], [ "The Plough", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Plough restaurant serves high priced Chinese food in the city center, near Raja Indian Cuisine. Be advised, The Plough is not children friendly." }, { "source": "e2e", "text": "The Chinese restaurant, The Plough, is located in the city centre near Raja Indian Cuisine. The price range is high and isn't children friendly." }, { "source": "e2e", "text": "The Chinese restaurant, The Plough, is located in the city centre near Raja Indian Cuisine. This place isn't children friendly, as well as the price range being high." }, { "source": "e2e", "text": "In the city centre, The Plough restaurant s is expensive. It offers Chinese food and is not children friendly. It is located near to the Raja Indian Cuisine." }, { "source": "e2e", "text": "Near Raja Indian Cuisine in the city centre there is a restaurant called The Plough. It serves Chines food at a high price range and is not children friendly." } ] }, { "tripleset": [ [ "The Plough", "eatType", "restaurant" ], [ "The Plough", "food", "Chinese" ], [ "The Plough", "priceRange", "high" ], [ "The Plough", "area", "city centre" ], [ "The Plough", "familyFriendly", "yes" ], [ "The Plough", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "A restaurant near Raja Indian Cuisine, in the city centre, is The Plough. It also provides Chinese food. It has a high price range and is child friendly." } ] }, { "tripleset": [ [ "The Plough", "eatType", "restaurant" ], [ "The Plough", "food", "Chinese" ], [ "The Plough", "priceRange", "high" ], [ "The Plough", "area", "city centre" ], [ "The Plough", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Plough is a restaurant providing Chinese food in the high price range. It is located in the city centre. It is near Raja Indian Cuisine." }, { "source": "e2e", "text": "The Plough is a restaurant providing Chinese food in the high price range. It is located in the city centre. It is near Raja Indian Cuisine." } ] }, { "tripleset": [ [ "The Plough", "eatType", "restaurant" ], [ "The Plough", "food", "Chinese" ], [ "The Plough", "priceRange", "high" ], [ "The Plough", "area", "riverside" ], [ "The Plough", "familyFriendly", "no" ], [ "The Plough", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Plough is a restaurant in the riverside area, near Raja Indian Cuisine. Their menu offers Chinese food, with prices in the high range, and they are not child friendly." }, { "source": "e2e", "text": "The Plough is a restaurant that has expensive Chinese food, not child friendly, and is located riverside near Raja Indian Cuisine." } ] }, { "tripleset": [ [ "The Plough", "eatType", "restaurant" ], [ "The Plough", "food", "Chinese" ], [ "The Plough", "priceRange", "high" ], [ "The Plough", "area", "riverside" ], [ "The Plough", "familyFriendly", "yes" ], [ "The Plough", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Plough is an expensive restaurant and that serves Chinese food located near the riverside Raja Indian Cuisine, it is not appropriate for children." }, { "source": "e2e", "text": "There is a riverside restaurant near Raja Indian Cuisine called The Plough, that serves Chinese food in the high price range. This venue is not suited for families with children." }, { "source": "e2e", "text": "The Plough is a restaurant that sells Chinese food. IT is a high price range in the riverside area near Raja Indian Cuisine. It is children Friendly" }, { "source": "e2e", "text": "The Plough is a high priced, kid friendly Chinese restaurant located in the riverside area near Raja Indian Cuisine." }, { "source": "e2e", "text": "The Plough, near Raja Indian Cuisine in riverside, is a children Friendly restaurant that sells Chinese food. IT is a high price range." }, { "source": "e2e", "text": "The Plough is in the riverside area near Raja Indian Cuisine. It is a kid friendly restaurant serving high priced Chinese food." } ] }, { "tripleset": [ [ "The Plough", "eatType", "restaurant" ], [ "The Plough", "food", "Chinese" ], [ "The Plough", "priceRange", "high" ], [ "The Plough", "area", "riverside" ], [ "The Plough", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Plough restaurant has Chinese food and is friendly. It is in the riverside area near Raja Indian Cuisine with a high price range." }, { "source": "e2e", "text": "The Plough is a restaurant providing Chinese food in the high price range. It is located in the riverside. It is near Raja Indian Cuisine." }, { "source": "e2e", "text": "The Plough is a restaurant providing Chinese food in the high price range. It is located in the riverside. It is near Raja Indian Cuisine." } ] }, { "tripleset": [ [ "The Plough", "eatType", "restaurant" ], [ "The Plough", "food", "Chinese" ], [ "The Plough", "priceRange", "less than \u00a320" ], [ "The Plough", "area", "city centre" ], [ "The Plough", "familyFriendly", "no" ], [ "The Plough", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Plough is a non family friendly restaurant who serves Chinese food and is less than \u00a320. It is near the Raja Indian Cuisine in the city centre." }, { "source": "e2e", "text": "Serving Chinese food, the non-family friendly restaurant, The Plough, is a restaurant in the less than \u00a320 price range. It is in city centre near Raja Indian Cuisine." }, { "source": "e2e", "text": "in the less than \u00a320 price range and serving Chinese food, the non-family friendly restaurant, The Plough is in city centre near Raja Indian Cuisine." }, { "source": "e2e", "text": "The Plough is a unique restaurant in the city centre, near the Raja Indian Cuisine restaurant. They are not family friendly and serve amazing Chinese food that is priced less than \u00a320." } ] }, { "tripleset": [ [ "The Plough", "eatType", "restaurant" ], [ "The Plough", "food", "Chinese" ], [ "The Plough", "priceRange", "moderate" ], [ "The Plough", "area", "city centre" ], [ "The Plough", "familyFriendly", "no" ], [ "The Plough", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Plough, a restaurant in the city centre offering Chinese food, is in the above average price range. It is located near the Raja Indian Cuisine and is not children friendly." }, { "source": "e2e", "text": "With below average prices, The Plough, a non-family friendly restaurant in the city centre, offers Chinese food and is located near the Raja Indian Cuisine." } ] }, { "tripleset": [ [ "The Plough", "eatType", "restaurant" ], [ "The Plough", "food", "Chinese" ], [ "The Plough", "priceRange", "\u00a320-25" ], [ "The Plough", "area", "riverside" ], [ "The Plough", "familyFriendly", "yes" ], [ "The Plough", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Plough is a kid friendly restaurant that serves Chinese with an average meal for \u00a320-25. Its in riverside near Raja Indian Cuisine." }, { "source": "e2e", "text": "The Plough is a restaurant offering Chinese food with a price range of 20-25 pounds. This restaurant is located in riverside near the Raja Indian Cuisine restaurant. It is kids friendly." }, { "source": "e2e", "text": "The kids friendly restaurant is called The Plough. This restaurant is located in riverside near the Raja Indian Cuisine restaurant and offers Chinese cuisine. Meals at The Plough cost 20-25 pounds." } ] }, { "tripleset": [ [ "The Plough", "eatType", "restaurant" ], [ "The Plough", "food", "Chinese" ], [ "The Plough", "priceRange", "\u00a320-25" ], [ "The Plough", "area", "riverside" ], [ "The Plough", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "In riverside near Raja Indian Cuisine is a restaurant called The Plough. A restaurant that serves Chinese food for \u00a320-25." } ] }, { "tripleset": [ [ "The Plough", "eatType", "restaurant" ], [ "The Plough", "food", "Indian" ], [ "The Plough", "priceRange", "\u00a320-25" ], [ "The Plough", "area", "riverside" ], [ "The Plough", "familyFriendly", "yes" ], [ "The Plough", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Plough is a restaurant that serves Indian food that has an average price range. It allows children and is near the riverside and Raja Indian Cuisine." } ] }, { "tripleset": [ [ "The Plough", "food", "Indian" ], [ "The Plough", "customer rating", "3 out of 5" ], [ "The Plough", "area", "riverside" ], [ "The Plough", "familyFriendly", "yes" ], [ "The Plough", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Plough is near the riverside and Raja Indian Cuisine. It serves Indian food and allows children. It has an average rating." }, { "source": "e2e", "text": "The Plough is near the riverside and Raja Indian Cuisine. It serves Indian food and allows children. It has an average rating." } ] }, { "tripleset": [ [ "The Punter", "customer rating", "3 out of 5" ], [ "The Punter", "area", "riverside" ], [ "The Punter", "familyFriendly", "no" ], [ "The Punter", "near", "Express by Holiday Inn" ] ], "annotations": [ { "source": "e2e", "text": "The Punter is not kid friendly. a customer rating of 3 out of 5. Its near Express by Holiday Inn in riverside" } ] }, { "tripleset": [ [ "The Punter", "eatType", "pub" ], [ "The Punter", "food", "Chinese" ], [ "The Punter", "priceRange", "moderate" ], [ "The Punter", "area", "city centre" ], [ "The Punter", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "Near Raja Indian Cuisine in city centre, enjoy a moderately priced Chinese lunch and coffee at The Punter. This pub does not cater to children." } ] }, { "tripleset": [ [ "The Punter", "eatType", "pub" ], [ "The Punter", "food", "Chinese" ], [ "The Punter", "priceRange", "moderate" ], [ "The Punter", "area", "riverside" ], [ "The Punter", "familyFriendly", "yes" ], [ "The Punter", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Punter pub in the riverside area serves coffee and Chinese food. It is kid friendly and moderately priced. Located near Raja Indian Cuisine." } ] }, { "tripleset": [ [ "The Punter", "eatType", "restaurant" ], [ "The Punter", "food", "Chinese" ], [ "The Punter", "priceRange", "moderate" ], [ "The Punter", "area", "city centre" ], [ "The Punter", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "Near Raja Indian Cuisine in city centre, enjoy a moderately priced Chinese lunch and coffee at The Punter. This restaurant does not cater to children." } ] }, { "tripleset": [ [ "The Punter", "eatType", "restaurant" ], [ "The Punter", "food", "Chinese" ], [ "The Punter", "priceRange", "moderate" ], [ "The Punter", "area", "riverside" ], [ "The Punter", "familyFriendly", "yes" ], [ "The Punter", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Punter restaurant in the riverside area serves coffee and Chinese food. It is kid friendly and moderately priced. Located near Raja Indian Cuisine." } ] }, { "tripleset": [ [ "The Punter", "eatType", "coffee shop" ], [ "The Punter", "food", "English" ], [ "The Punter", "priceRange", "high" ], [ "The Punter", "area", "city centre" ], [ "The Punter", "familyFriendly", "yes" ], [ "The Punter", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Punter is children friendly and serves English food. It is near Raja Indian Cuisine in the city centre. It's a coffee house with a high price range." }, { "source": "e2e", "text": "The Punter is children friendly and serves English food. It is near Raja Indian Cuisine in the city centre. It's a coffee house with a high price range." } ] }, { "tripleset": [ [ "The Punter", "eatType", "coffee shop" ], [ "The Punter", "food", "Indian" ], [ "The Punter", "customer rating", "1 out of 5" ], [ "The Punter", "area", "city centre" ], [ "The Punter", "near", "Express by Holiday Inn" ] ], "annotations": [ { "source": "e2e", "text": "If you are interested in quality coffee and Indian food with a price tag to match, come to The Punter. The shop is located in the centre of the city near Express by Holiday Inn. The shop is focused on an adult clentele with a customer rating of 1 out of 5." } ] }, { "tripleset": [ [ "The Punter", "eatType", "coffee shop" ], [ "The Punter", "food", "Indian" ], [ "The Punter", "priceRange", "less than \u00a320" ], [ "The Punter", "area", "city centre" ], [ "The Punter", "near", "Express by Holiday Inn" ] ], "annotations": [ { "source": "e2e", "text": "come for a coffee and some Indian food without the kids for low prices near Express by Holiday Inn in the city centre, we are The Punter." } ] }, { "tripleset": [ [ "The Punter", "eatType", "coffee shop" ], [ "The Punter", "food", "Italian" ], [ "The Punter", "priceRange", "\u00a320-25" ], [ "The Punter", "customer rating", "high" ], [ "The Punter", "area", "city centre" ], [ "The Punter", "familyFriendly", "yes" ], [ "The Punter", "near", "Express by Holiday Inn" ] ], "annotations": [ { "source": "e2e", "text": "The Punter is a children friendly coffee ship in the city centre near Express by Holiday Inn. It serves Italian food for \u00a320-25 and has a high customer rating." } ] }, { "tripleset": [ [ "The Punter", "eatType", "pub" ], [ "The Punter", "area", "riverside" ], [ "The Punter", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "near Raja Indian Cuisine There is a pub called The Punter in riverside" } ] }, { "tripleset": [ [ "The Punter", "eatType", "pub" ], [ "The Punter", "food", "Chinese" ], [ "The Punter", "area", "riverside" ], [ "The Punter", "familyFriendly", "no" ], [ "The Punter", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Punter is a non family friendly pub in Riverside , near Raja Indian Cuisine. It serves Chinese food for less" } ] }, { "tripleset": [ [ "The Punter", "eatType", "pub" ], [ "The Punter", "food", "Chinese" ], [ "The Punter", "area", "riverside" ], [ "The Punter", "familyFriendly", "yes" ], [ "The Punter", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Punter is a pub with Chinese food. They are family friendly and have decent prices. They are near the riverside by Raja Indian Cuisine." } ] }, { "tripleset": [ [ "The Punter", "eatType", "pub" ], [ "The Punter", "food", "Chinese" ], [ "The Punter", "familyFriendly", "no" ], [ "The Punter", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Punter is a moderate Chinese pub near Raja Indian Cuisine in the river side. It is no kids friendly." } ] }, { "tripleset": [ [ "The Punter", "eatType", "pub" ], [ "The Punter", "food", "Chinese" ], [ "The Punter", "priceRange", "less than \u00a320" ], [ "The Punter", "area", "city centre" ], [ "The Punter", "familyFriendly", "yes" ], [ "The Punter", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Punter is a pub which serves Chinese food is located in the center of the city near the Raja Indian Cuisine. It serves Chinese food and is considered family friendly with a price range of less than \u00a320." }, { "source": "e2e", "text": "The Punter is a pub which serves Chinese food with a price range of less than \u00a320. It is located in the center of the city near the Raja Indian Cuisine and is family friendly." }, { "source": "e2e", "text": "The Punter is a family friendly pub serving Chinese food for less than \u00a320. It is located in the city centre near Raja Indian Cuisine." }, { "source": "e2e", "text": "The Punter is a family friendly pub located in the city centre near Raja Indian Cuisine. It serves Chinese food with a price range get of less than \u00a320." } ] }, { "tripleset": [ [ "The Punter", "eatType", "pub" ], [ "The Punter", "food", "Chinese" ], [ "The Punter", "priceRange", "less than \u00a320" ], [ "The Punter", "area", "city centre" ], [ "The Punter", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Punter is located in the city centre near Raja Indian Cuisine. It is a pub that serves Chinese food for under \u00a320." }, { "source": "e2e", "text": "The Punter is a pub providing Chinese food in the less than \u00a320 price range. It is located in the city centre. It is near Raja Indian Cuisine." } ] }, { "tripleset": [ [ "The Punter", "eatType", "pub" ], [ "The Punter", "food", "Chinese" ], [ "The Punter", "priceRange", "less than \u00a320" ], [ "The Punter", "area", "riverside" ], [ "The Punter", "familyFriendly", "no" ], [ "The Punter", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "There's a Chinese and pub that's less than \u00a320, near Raja Indian Cuisine along the riverside that's not really family friendly. It's called The Punter." }, { "source": "e2e", "text": "The Punter pub and Chinese is along the riverside near Raja Indian Cuisine. It's generally less than \u00a320 but isn't family friendly." }, { "source": "e2e", "text": "There is a pub in Riverside, near Raja Indian Cuisine called The Punter. It is not family friendly and serves Chinese food for less than \u00a320." } ] }, { "tripleset": [ [ "The Punter", "eatType", "pub" ], [ "The Punter", "food", "Chinese" ], [ "The Punter", "priceRange", "less than \u00a320" ], [ "The Punter", "area", "riverside" ], [ "The Punter", "familyFriendly", "yes" ], [ "The Punter", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "There's this pub that serves Chinese food in the riverside area near Raja Indian Cuisine called The Punter that costs less than \u00a320 and is family friendly." }, { "source": "e2e", "text": "Located on the riverside, near Raja Indian Cuisine, is The Punter. It is a family-friendly, low-priced pub which also serves Chinese food." }, { "source": "e2e", "text": "If you want a low-priced pub on the riverside, then try The Punter. This family-friendly pub also serves Chinese food and it is located near Raja Indian Cuisine" }, { "source": "e2e", "text": "In the riverside area, there is a family friendly pub that sells Chinese food for less than \u00a320 near Raja Indian Cuisine called The Punter." } ] }, { "tripleset": [ [ "The Punter", "eatType", "pub" ], [ "The Punter", "food", "Chinese" ], [ "The Punter", "priceRange", "less than \u00a320" ], [ "The Punter", "area", "riverside" ], [ "The Punter", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Punter is a pub providing Chinese food in the less than \u00a320 price range. It is located in the riverside. It is near Raja Indian Cuisine." }, { "source": "e2e", "text": "The Punter, a pub with Chinese food is near Raja Indian Cuisine riverside. Their prices are less than \u00a320." }, { "source": "e2e", "text": "The Punter, a pub that also serves Chinese food less than \u00a320, is located in the riverside, near Raja Indian Cuisine." } ] }, { "tripleset": [ [ "The Punter", "eatType", "pub" ], [ "The Punter", "food", "Chinese" ], [ "The Punter", "priceRange", "moderate" ], [ "The Punter", "area", "city centre" ], [ "The Punter", "familyFriendly", "no" ], [ "The Punter", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "Moderately priced adult-only Chinese pub, The Punter, can be found in the city centre near to Raja Indian Cuisine." }, { "source": "e2e", "text": "The Punter is a moderately priced pub in the city centre, near Raja Indian Cuisine. It serves Chinese food and does not welcome children." }, { "source": "e2e", "text": "The Punter is a moderately priced pub located in the city centre. It provides Chinese food. It is not kids friendly and is located near Raja Indian Cuisine." }, { "source": "e2e", "text": "The Punter is a pub that provides Chinese food in the moderate price range. It is located in the city centre near Raja Indian Cuisine. It is not kids friendly." }, { "source": "e2e", "text": "The Punter is a non kid friendly pub and moderately priced Chinese establishment located in city centre, near Raja Indian Cuisine." } ] }, { "tripleset": [ [ "The Punter", "eatType", "pub" ], [ "The Punter", "food", "Chinese" ], [ "The Punter", "priceRange", "moderate" ], [ "The Punter", "area", "city centre" ], [ "The Punter", "familyFriendly", "yes" ], [ "The Punter", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Punter is a moderately priced kid friendly Chinese pub in they city centre near Raja Indian Cuisine." }, { "source": "e2e", "text": "The Punter is a moderately priced pub providing Chinese food. It's in the city centre near to Raja Indian Cuisine and is kid friendly" }, { "source": "e2e", "text": "The Punter is a children friendly Chinese pub with a moderate price range located in the city centre near Raja Indian Cuisine." }, { "source": "e2e", "text": "The Punter is a Chinese pub in city centre near Raja Indian Cuisine. They offer moderate prices and a kid friendly atmosphere." }, { "source": "e2e", "text": "Kids are welcome at The Punter pub, serving moderately priced Chinese food in the centre of town, near the Raja Indian Cuisine." }, { "source": "e2e", "text": "The Punter is a moderately priced pub serving Chinese food. It's near Raja Indian Cuisine in the city centre and is kid friendly" } ] }, { "tripleset": [ [ "The Punter", "eatType", "pub" ], [ "The Punter", "food", "Chinese" ], [ "The Punter", "priceRange", "moderate" ], [ "The Punter", "area", "riverside" ], [ "The Punter", "familyFriendly", "no" ], [ "The Punter", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Punter is a pub which offers Chinese food. It has a moderate price range. It is in a riverside area. It is not kids friendly and it is near Raja Indian Cuisine." }, { "source": "e2e", "text": "The Punter is a pub serving Chinese food with a moderate price. It is located near Raja Indian Cuisine along the riverside and is not kids friendly." }, { "source": "e2e", "text": "No kids in The Punter, it is a Chinese pub, on the riverside near the Raja Indian Cuisine, fairly moderate prices." }, { "source": "e2e", "text": "There is a pub, The Punter, serving Chinese food along the riverside near Raja Indian Cuisine. It is not kids friendly and is moderately priced." }, { "source": "e2e", "text": "The Punter is a Chinese pub that has a moderate price range, located near the riverside near the Raja Indian Cuisine, my advice no children." } ] }, { "tripleset": [ [ "The Punter", "eatType", "pub" ], [ "The Punter", "food", "Chinese" ], [ "The Punter", "priceRange", "moderate" ], [ "The Punter", "area", "riverside" ], [ "The Punter", "familyFriendly", "yes" ], [ "The Punter", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "In the Riverside area near Raja Indian Cuisine there is a kid friendly moderately priced pub named The Punter serving Chinese food" }, { "source": "e2e", "text": "For Chinese food in riverside there is a moderately priced pub that is kid friendly named The Punter near Raja Indian Cuisine." } ] }, { "tripleset": [ [ "The Punter", "eatType", "pub" ], [ "The Punter", "food", "Chinese" ], [ "The Punter", "priceRange", "moderate" ], [ "The Punter", "area", "riverside" ], [ "The Punter", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Punter is a pub providing Chinese food in the moderate price range. It is located in the riverside. It is near Raja Indian Cuisine." }, { "source": "e2e", "text": "The Punter is a pub providing Chinese food in the moderate price range. It is located in the riverside. It is near Raja Indian Cuisine." } ] }, { "tripleset": [ [ "The Punter", "eatType", "pub" ], [ "The Punter", "food", "Chinese" ], [ "The Punter", "priceRange", "moderate" ], [ "The Punter", "familyFriendly", "no" ], [ "The Punter", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Punter is a pub near Raja Indian Cuisine in the city city. It is moderately priced and serves Chinese food. Children are not welcome." }, { "source": "e2e", "text": "The Punter is a Chinese pub near Raja Indian Cuisine in the river side. Price is moderate, no kids friendly." } ] }, { "tripleset": [ [ "The Punter", "eatType", "pub" ], [ "The Punter", "food", "Chinese" ], [ "The Punter", "priceRange", "moderate" ], [ "The Punter", "familyFriendly", "yes" ], [ "The Punter", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Punter pub offers Kid Friendly Chinese cuisine at a moderate price. Located near the Raja Indian Cuisine." } ] }, { "tripleset": [ [ "The Punter", "eatType", "pub" ], [ "The Punter", "food", "Chinese" ], [ "The Punter", "priceRange", "more than \u00a330" ], [ "The Punter", "area", "riverside" ], [ "The Punter", "familyFriendly", "yes" ], [ "The Punter", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Punter is a pub in Riverside located near the Raja Indian Cuisine, where they serve Chinese food, it's average price for a meal is more than 30 euros and it's a children friendly facility." } ] }, { "tripleset": [ [ "The Punter", "eatType", "pub" ], [ "The Punter", "food", "Chinese" ], [ "The Punter", "priceRange", "more than \u00a330" ], [ "The Punter", "area", "riverside" ], [ "The Punter", "familyFriendly", "yes" ], [ "The Punter", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Punter pub has Chinese food and is family friendly. It is located in the riverside area near Raja Indian Cuisine with a high price range." }, { "source": "e2e", "text": "The Punter pub has Chinese food and is kids friendly. It is located in the riverside area near Raja Indian Cuisine with a high price range." }, { "source": "e2e", "text": "Situated in the riverside area, near Raja Indian Cuisine, you'll find a child-friendly pub with Chinese food on the menu called The Punter. The prices tend to be more than \u00a330." }, { "source": "e2e", "text": "There is a pub The Punter located near Raja Indian Cuisine. They offer Chinese food in the price range of more than \u00a330. They are children friendly and located riverside." } ] }, { "tripleset": [ [ "The Punter", "eatType", "pub" ], [ "The Punter", "food", "Chinese" ], [ "The Punter", "priceRange", "more than \u00a330" ], [ "The Punter", "area", "riverside" ], [ "The Punter", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "If you're in the riverside area with your children and are looking for a pub that serves Chinese food, The Punter is a good option, though you can expect to spend more than \u00a330. It is located near Raja Indian Cuisine." } ] }, { "tripleset": [ [ "The Punter", "eatType", "pub" ], [ "The Punter", "food", "English" ], [ "The Punter", "area", "city centre" ], [ "The Punter", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Punter is a pub placed at north of city centre close to Raja Indian Cuisine. You can go with all your family to this exclusive shop if you love the traditional British food." } ] }, { "tripleset": [ [ "The Punter", "eatType", "pub" ], [ "The Punter", "food", "English" ], [ "The Punter", "area", "riverside" ], [ "The Punter", "familyFriendly", "no" ], [ "The Punter", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "Located on the Riverside, close to Raja Indian Cuisine, you will find the pub The Punter, serving a traditional English menu which is highly priced and not considered child friendly." }, { "source": "e2e", "text": "Catering a traditional English menu, The Punter pub sits on the riverside, and offers a highly priced alternative to the nearby Raja Indian Cuisine. The Punter is not considered child friendly." } ] }, { "tripleset": [ [ "The Punter", "eatType", "pub" ], [ "The Punter", "food", "English" ], [ "The Punter", "area", "riverside" ], [ "The Punter", "familyFriendly", "yes" ], [ "The Punter", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Punter is a kid friendly pub located along the riverside near Raja Indian Cuisine. It serves English food for \u00a320 - \u00a325." }, { "source": "e2e", "text": "The Punter is a kids friendly pub that serves English food for \u00a320 - \u00a325. It is along the riverside near Raja Indian Cuisine." }, { "source": "e2e", "text": "Serving English food on the riverside in The Punter. A kid friendly pub in the price range \u00a320 - \u00a325. The Punter is located near Raja Indian Cuisine." } ] }, { "tripleset": [ [ "The Punter", "eatType", "pub" ], [ "The Punter", "food", "English" ], [ "The Punter", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The English pub, 'The Punter', is a highly priced place near Raja Indian Cuisine. The food has more of an adult taste to it." } ] }, { "tripleset": [ [ "The Punter", "eatType", "pub" ], [ "The Punter", "food", "English" ], [ "The Punter", "priceRange", "cheap" ], [ "The Punter", "area", "riverside" ], [ "The Punter", "familyFriendly", "yes" ], [ "The Punter", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "There is a cheap family friendly pub on riverside called The Punter, They serve English food, and are located near Raja Indian Cuisine." }, { "source": "e2e", "text": "Come visit riverside and eat some English food at The Punter family friendly pub for a cheap price. Found near Raja Indian Cuisine." }, { "source": "e2e", "text": "The Punter is a cheap pub located in riverside near Raja Indian Cuisine, they serve English food and our family friendly." }, { "source": "e2e", "text": "The Punter is a family friendly pub which offer English food for a cheap price. Located in riverside near Raja Indian Cuisine." }, { "source": "e2e", "text": "Near the Raja Indian Cuisine in riverside is a cheap family friendly English pub called The Punter." }, { "source": "e2e", "text": "The Punter is in the riverside area near Raja Indian Cuisine. It is a pub serving cheap English food and is great for families." }, { "source": "e2e", "text": "The Punter is a pub located at riverside near Raja Indian Cuisine serves English food and a Family friendly place that a cheap price range of food." }, { "source": "e2e", "text": "The Punter is a family friendly pub. It serves low price range English food. It is located near Raja Indian Cuisine in the riverside area." }, { "source": "e2e", "text": "The Punter is a cheap family friendly English pub in the riverside area near the Raja Indian Cuisine." } ] }, { "tripleset": [ [ "The Punter", "eatType", "pub" ], [ "The Punter", "food", "English" ], [ "The Punter", "priceRange", "high" ], [ "The Punter", "area", "city centre" ], [ "The Punter", "familyFriendly", "no" ], [ "The Punter", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Punter is a pub located in the city centre near Raja Indian Cuisine. It serves high-priced English food in a non kid-friendly environment." }, { "source": "e2e", "text": "The Punter is an English pub that is located in the city centre. It is near Raja Indian Cuisine. It has a high price range, and it is not family-friendly." } ] }, { "tripleset": [ [ "The Punter", "eatType", "pub" ], [ "The Punter", "food", "English" ], [ "The Punter", "priceRange", "high" ], [ "The Punter", "area", "city centre" ], [ "The Punter", "familyFriendly", "yes" ], [ "The Punter", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Punter is a pub type pub located in the city centre with a high price, with a bad kids friendly atmosphere. It offers English food and is located near Raja Indian Cuisine." }, { "source": "e2e", "text": "The Punter is a pub type pub located in the city centre with a high price, with a bad kids friendly atmosphere. It offers English food and is located near Raja Indian Cuisine." }, { "source": "e2e", "text": "The Punter is children friendly pub that serves English food with a high price range near Raja Indian Cuisine around city centre." }, { "source": "e2e", "text": "The Punter is a high price range pub. It's in the centre of the city, near Raja Indian Cuisine. It serves English food and is children Friendly." }, { "source": "e2e", "text": "Near Raja Indian Cuisine around city centre there is a pub that is high price range, children friendly, serves English food called The Punter." }, { "source": "e2e", "text": "In the city centre near Raja Indian Cuisine there is an English pub called The Punter. It is expensive and children friendly." }, { "source": "e2e", "text": "The Punter is a pub serving expensive English food. It is in the city centre near Raja Indian Cuisine and is children friendly." } ] }, { "tripleset": [ [ "The Punter", "eatType", "pub" ], [ "The Punter", "food", "English" ], [ "The Punter", "priceRange", "high" ], [ "The Punter", "area", "city centre" ], [ "The Punter", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Punter is a high-priced pub that serves English cuisine in an adult environment. It is located in the city centre near Raja Indian Cuisine." } ] }, { "tripleset": [ [ "The Punter", "eatType", "pub" ], [ "The Punter", "food", "English" ], [ "The Punter", "priceRange", "high" ], [ "The Punter", "area", "riverside" ], [ "The Punter", "familyFriendly", "no" ], [ "The Punter", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Punter is an English pub near Raja Indian Cuisine in the riverside area. It has a high price range and is not child-friendly." }, { "source": "e2e", "text": "There is an English pub near Raja Indian Cuisine in the riverside area called The Punter. It has a high price range and is not child-friendly." } ] }, { "tripleset": [ [ "The Punter", "eatType", "pub" ], [ "The Punter", "food", "English" ], [ "The Punter", "priceRange", "high" ], [ "The Punter", "area", "riverside" ], [ "The Punter", "familyFriendly", "yes" ], [ "The Punter", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Punter is a children friendly pub located in the Riverside area near to the Raja Indian Cuisine. It serves English food and is in the high price range." } ] }, { "tripleset": [ [ "The Punter", "eatType", "pub" ], [ "The Punter", "food", "English" ], [ "The Punter", "priceRange", "high" ], [ "The Punter", "area", "riverside" ], [ "The Punter", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Punter is an English pub located along the river near Raja Indian Cuisine. The prices are quite high and it is not recommended to bring children." } ] }, { "tripleset": [ [ "The Punter", "eatType", "pub" ], [ "The Punter", "food", "English" ], [ "The Punter", "priceRange", "high" ], [ "The Punter", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Punter' is a expensive pub that serves British food that is located near Raja Indian Cuisine." } ] }, { "tripleset": [ [ "The Punter", "eatType", "pub" ], [ "The Punter", "food", "English" ], [ "The Punter", "priceRange", "\u00a320-25" ], [ "The Punter", "area", "riverside" ], [ "The Punter", "familyFriendly", "yes" ], [ "The Punter", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "A kid friendly English pub located in riverside near Raja Indian Cuisine that is moderately priced is called The Punter." }, { "source": "e2e", "text": "The Punter is a kid friendly English pub located in riverside near Raja Indian Cuisine that is moderately priced." } ] }, { "tripleset": [ [ "The Punter", "eatType", "pub" ], [ "The Punter", "food", "Italian" ], [ "The Punter", "priceRange", "high" ], [ "The Punter", "area", "city centre" ], [ "The Punter", "familyFriendly", "no" ], [ "The Punter", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "The Punter is an Italian pub located in the city centre, near Rainbow Vegetarian Caf\u00e9. this pub is not a child friendly zone and it has a high price range." } ] }, { "tripleset": [ [ "The Punter", "eatType", "pub" ], [ "The Punter", "food", "Italian" ], [ "The Punter", "priceRange", "high" ], [ "The Punter", "customer rating", "average" ], [ "The Punter", "area", "city centre" ], [ "The Punter", "familyFriendly", "no" ], [ "The Punter", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "Near the Rainbow Vegetarian Caf\u00e9 in the city centre is an Italian pub called The Punter. It is not child friendly, has an average customer rating and is in the high price range." }, { "source": "e2e", "text": "The Punter is a high priced, average rated, adult only Italian pub located near Rainbow Vegetarian Caf\u00e9 in the city centre" }, { "source": "e2e", "text": "The Punter is an Italian pub in the city centre, near Rainbow Vegetarian Caf\u00e9. It is high price, not child friendly and has an average customer rating." } ] }, { "tripleset": [ [ "The Punter", "eatType", "pub" ], [ "The Punter", "food", "Italian" ], [ "The Punter", "priceRange", "moderate" ], [ "The Punter", "customer rating", "average" ], [ "The Punter", "area", "city centre" ], [ "The Punter", "familyFriendly", "no" ], [ "The Punter", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "An Italian pub located in the city centre near Rainbow Vegetarian Caf\u00e9, The Punter is adult only with a high price range and an average rating" } ] }, { "tripleset": [ [ "The Punter", "eatType", "pub" ], [ "The Punter", "priceRange", "high" ], [ "The Punter", "area", "city centre" ], [ "The Punter", "familyFriendly", "no" ], [ "The Punter", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "In the city centre, near Raja Indian Cuisine, there is a pub called The Punter. It has high prices, and it is not children friendly." } ] }, { "tripleset": [ [ "The Punter", "eatType", "pub" ], [ "The Punter", "priceRange", "more than \u00a330" ], [ "The Punter", "area", "riverside" ], [ "The Punter", "familyFriendly", "yes" ], [ "The Punter", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The is a pub that had a price for over 30 euros per meal. It's called The Punter and it's children friendly. Its located in Riverside near the Raja Indian Cuisine." } ] }, { "tripleset": [ [ "The Punter", "eatType", "restaurant" ], [ "The Punter", "area", "city centre" ], [ "The Punter", "near", "Express by Holiday Inn" ] ], "annotations": [ { "source": "e2e", "text": "Located near Express by Holiday Inn in the centre of the city is a new restaurant, The Punter." } ] }, { "tripleset": [ [ "The Punter", "eatType", "restaurant" ], [ "The Punter", "area", "city centre" ], [ "The Punter", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "The Punter is a restaurant located in the city center, near the Rainbow Vegetarian Caf\u00e9." }, { "source": "e2e", "text": "The Punter is a restaurant located in the city center, near the Rainbow Vegetarian Caf\u00e9." } ] }, { "tripleset": [ [ "The Punter", "eatType", "restaurant" ], [ "The Punter", "area", "riverside" ], [ "The Punter", "familyFriendly", "yes" ], [ "The Punter", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "On the river next to Rainbow Vegetarian Caf\u00e9 there is a family friendly restaurant called The Punter." } ] }, { "tripleset": [ [ "The Punter", "eatType", "restaurant" ], [ "The Punter", "area", "riverside" ], [ "The Punter", "near", "Express by Holiday Inn" ] ], "annotations": [ { "source": "e2e", "text": "restaurant by day and family dining at night, The Punter nests near the river and Express by Holiday Inn" } ] }, { "tripleset": [ [ "The Punter", "eatType", "restaurant" ], [ "The Punter", "area", "riverside" ], [ "The Punter", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "near Raja Indian Cuisine There is a restaurant called The Punter in riverside" } ] }, { "tripleset": [ [ "The Punter", "eatType", "restaurant" ], [ "The Punter", "customer rating", "average" ], [ "The Punter", "area", "city centre" ], [ "The Punter", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "The Punter restaurant is low priced and rated three stars. It is located in the City center close to Rainbow Vegetarian Caf\u00e9. It offers the family fine dining experience." } ] }, { "tripleset": [ [ "The Punter", "eatType", "restaurant" ], [ "The Punter", "customer rating", "1 out of 5" ], [ "The Punter", "near", "Express by Holiday Inn" ] ], "annotations": [ { "source": "e2e", "text": "The Punter is a restaurant. It is located near Express by Holiday Inn. It has a low customer rating." } ] }, { "tripleset": [ [ "The Punter", "eatType", "restaurant" ], [ "The Punter", "customer rating", "5 out of 5" ], [ "The Punter", "area", "riverside" ], [ "The Punter", "familyFriendly", "yes" ], [ "The Punter", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "The Punter is just down the road from Rainbow Vegetarian Caf\u00e9 and is a 5-star family friendly restaurant by the river" } ] }, { "tripleset": [ [ "The Punter", "eatType", "restaurant" ], [ "The Punter", "customer rating", "high" ], [ "The Punter", "area", "city centre" ], [ "The Punter", "near", "Express by Holiday Inn" ] ], "annotations": [ { "source": "e2e", "text": "The Punter is a restaurant in city centre next to Express by Holiday Inn with a high customer rating" } ] }, { "tripleset": [ [ "The Punter", "eatType", "restaurant" ], [ "The Punter", "customer rating", "high" ], [ "The Punter", "familyFriendly", "yes" ], [ "The Punter", "near", "Express by Holiday Inn" ] ], "annotations": [ { "source": "e2e", "text": "The Punter is a restaurant suitable for families looking for a medium priced venue. It has five stars and can be found next to Express by Holiday Inn." }, { "source": "e2e", "text": "A five star restaurant called The Punter is situated next to Express by Holiday Inn. It is great for families and offers medium prices." } ] }, { "tripleset": [ [ "The Punter", "eatType", "restaurant" ], [ "The Punter", "familyFriendly", "yes" ], [ "The Punter", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "The Punter is a family-friendly restaurant. It is located close to Rainbow Vegetarian Caf\u00e9." } ] }, { "tripleset": [ [ "The Punter", "eatType", "restaurant" ], [ "The Punter", "food", "Chinese" ], [ "The Punter", "area", "riverside" ], [ "The Punter", "familyFriendly", "no" ], [ "The Punter", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Punter is a non family friendly restaurant in Riverside , near Raja Indian Cuisine. It serves Chinese food for less" } ] }, { "tripleset": [ [ "The Punter", "eatType", "restaurant" ], [ "The Punter", "food", "Chinese" ], [ "The Punter", "area", "riverside" ], [ "The Punter", "familyFriendly", "yes" ], [ "The Punter", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Punter is a restaurant with Chinese food. They are family friendly and have decent prices. They are near the riverside by Raja Indian Cuisine." } ] }, { "tripleset": [ [ "The Punter", "eatType", "restaurant" ], [ "The Punter", "food", "Chinese" ], [ "The Punter", "familyFriendly", "no" ], [ "The Punter", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Punter is a moderate Chinese restaurant near Raja Indian Cuisine in the river side. It is no kids friendly." } ] }, { "tripleset": [ [ "The Punter", "eatType", "restaurant" ], [ "The Punter", "food", "Chinese" ], [ "The Punter", "priceRange", "less than \u00a320" ], [ "The Punter", "area", "city centre" ], [ "The Punter", "familyFriendly", "yes" ], [ "The Punter", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Punter is a restaurant which serves Chinese food is located in the center of the city near the Raja Indian Cuisine. It serves Chinese food and is considered family friendly with a price range of less than \u00a320." }, { "source": "e2e", "text": "The Punter is a restaurant which serves Chinese food with a price range of less than \u00a320. It is located in the center of the city near the Raja Indian Cuisine and is family friendly." }, { "source": "e2e", "text": "The Punter is a family friendly restaurant serving Chinese food for less than \u00a320. It is located in the city centre near Raja Indian Cuisine." }, { "source": "e2e", "text": "The Punter is a family friendly restaurant located in the city centre near Raja Indian Cuisine. It serves Chinese food with a price range get of less than \u00a320." } ] }, { "tripleset": [ [ "The Punter", "eatType", "restaurant" ], [ "The Punter", "food", "Chinese" ], [ "The Punter", "priceRange", "less than \u00a320" ], [ "The Punter", "area", "city centre" ], [ "The Punter", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Punter is located in the city centre near Raja Indian Cuisine. It is a restaurant that serves Chinese food for under \u00a320." }, { "source": "e2e", "text": "The Punter is a restaurant providing Chinese food in the less than \u00a320 price range. It is located in the city centre. It is near Raja Indian Cuisine." } ] }, { "tripleset": [ [ "The Punter", "eatType", "restaurant" ], [ "The Punter", "food", "Chinese" ], [ "The Punter", "priceRange", "less than \u00a320" ], [ "The Punter", "area", "riverside" ], [ "The Punter", "familyFriendly", "no" ], [ "The Punter", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "There's a Chinese and restaurant that's less than \u00a320, near Raja Indian Cuisine along the riverside that's not really family friendly. It's called The Punter." }, { "source": "e2e", "text": "The Punter restaurant and Chinese is along the riverside near Raja Indian Cuisine. It's generally less than \u00a320 but isn't family friendly." }, { "source": "e2e", "text": "There is a restaurant in Riverside, near Raja Indian Cuisine called The Punter. It is not family friendly and serves Chinese food for less than \u00a320." } ] }, { "tripleset": [ [ "The Punter", "eatType", "restaurant" ], [ "The Punter", "food", "Chinese" ], [ "The Punter", "priceRange", "less than \u00a320" ], [ "The Punter", "area", "riverside" ], [ "The Punter", "familyFriendly", "yes" ], [ "The Punter", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "There's this restaurant that serves Chinese food in the riverside area near Raja Indian Cuisine called The Punter that costs less than \u00a320 and is family friendly." }, { "source": "e2e", "text": "Located on the riverside, near Raja Indian Cuisine, is The Punter. It is a family-friendly, low-priced restaurant which also serves Chinese food." }, { "source": "e2e", "text": "If you want a low-priced restaurant on the riverside, then try The Punter. This family-friendly restaurant also serves Chinese food and it is located near Raja Indian Cuisine" }, { "source": "e2e", "text": "In the riverside area, there is a family friendly restaurant that sells Chinese food for less than \u00a320 near Raja Indian Cuisine called The Punter." } ] }, { "tripleset": [ [ "The Punter", "eatType", "restaurant" ], [ "The Punter", "food", "Chinese" ], [ "The Punter", "priceRange", "less than \u00a320" ], [ "The Punter", "area", "riverside" ], [ "The Punter", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Punter is a restaurant providing Chinese food in the less than \u00a320 price range. It is located in the riverside. It is near Raja Indian Cuisine." }, { "source": "e2e", "text": "The Punter, a restaurant with Chinese food is near Raja Indian Cuisine riverside. Their prices are less than \u00a320." }, { "source": "e2e", "text": "The Punter, a restaurant that also serves Chinese food less than \u00a320, is located in the riverside, near Raja Indian Cuisine." } ] }, { "tripleset": [ [ "The Punter", "eatType", "restaurant" ], [ "The Punter", "food", "Chinese" ], [ "The Punter", "priceRange", "moderate" ], [ "The Punter", "area", "city centre" ], [ "The Punter", "familyFriendly", "no" ], [ "The Punter", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "Moderately priced adult-only Chinese restaurant, The Punter, can be found in the city centre near to Raja Indian Cuisine." }, { "source": "e2e", "text": "The Punter is a moderately priced restaurant in the city centre, near Raja Indian Cuisine. It serves Chinese food and does not welcome children." }, { "source": "e2e", "text": "The Punter is a moderately priced restaurant located in the city centre. It provides Chinese food. It is not kids friendly and is located near Raja Indian Cuisine." }, { "source": "e2e", "text": "The Punter is a restaurant that provides Chinese food in the moderate price range. It is located in the city centre near Raja Indian Cuisine. It is not kids friendly." }, { "source": "e2e", "text": "The Punter is a non kid friendly restaurant and moderately priced Chinese establishment located in city centre, near Raja Indian Cuisine." } ] }, { "tripleset": [ [ "The Punter", "eatType", "restaurant" ], [ "The Punter", "food", "Chinese" ], [ "The Punter", "priceRange", "moderate" ], [ "The Punter", "area", "city centre" ], [ "The Punter", "familyFriendly", "yes" ], [ "The Punter", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Punter is a moderately priced kid friendly Chinese restaurant in they city centre near Raja Indian Cuisine." }, { "source": "e2e", "text": "The Punter is a moderately priced restaurant providing Chinese food. It's in the city centre near to Raja Indian Cuisine and is kid friendly" }, { "source": "e2e", "text": "The Punter is a children friendly Chinese restaurant with a moderate price range located in the city centre near Raja Indian Cuisine." }, { "source": "e2e", "text": "The Punter is a Chinese restaurant in city centre near Raja Indian Cuisine. They offer moderate prices and a kid friendly atmosphere." }, { "source": "e2e", "text": "Kids are welcome at The Punter restaurant, serving moderately priced Chinese food in the centre of town, near the Raja Indian Cuisine." }, { "source": "e2e", "text": "The Punter is a moderately priced restaurant serving Chinese food. It's near Raja Indian Cuisine in the city centre and is kid friendly" } ] }, { "tripleset": [ [ "The Punter", "eatType", "restaurant" ], [ "The Punter", "food", "Chinese" ], [ "The Punter", "priceRange", "moderate" ], [ "The Punter", "area", "riverside" ], [ "The Punter", "familyFriendly", "no" ], [ "The Punter", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Punter is a restaurant which offers Chinese food. It has a moderate price range. It is in a riverside area. It is not kids friendly and it is near Raja Indian Cuisine." }, { "source": "e2e", "text": "The Punter is a restaurant serving Chinese food with a moderate price. It is located near Raja Indian Cuisine along the riverside and is not kids friendly." }, { "source": "e2e", "text": "No kids in The Punter, it is a Chinese restaurant, on the riverside near the Raja Indian Cuisine, fairly moderate prices." }, { "source": "e2e", "text": "There is a restaurant, The Punter, serving Chinese food along the riverside near Raja Indian Cuisine. It is not kids friendly and is moderately priced." }, { "source": "e2e", "text": "The Punter is a Chinese restaurant that has a moderate price range, located near the riverside near the Raja Indian Cuisine, my advice no children." } ] }, { "tripleset": [ [ "The Punter", "eatType", "restaurant" ], [ "The Punter", "food", "Chinese" ], [ "The Punter", "priceRange", "moderate" ], [ "The Punter", "area", "riverside" ], [ "The Punter", "familyFriendly", "yes" ], [ "The Punter", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "In the Riverside area near Raja Indian Cuisine there is a kid friendly moderately priced restaurant named The Punter serving Chinese food" }, { "source": "e2e", "text": "For Chinese food in riverside there is a moderately priced restaurant that is kid friendly named The Punter near Raja Indian Cuisine." } ] }, { "tripleset": [ [ "The Punter", "eatType", "restaurant" ], [ "The Punter", "food", "Chinese" ], [ "The Punter", "priceRange", "moderate" ], [ "The Punter", "area", "riverside" ], [ "The Punter", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Punter is a restaurant providing Chinese food in the moderate price range. It is located in the riverside. It is near Raja Indian Cuisine." }, { "source": "e2e", "text": "The Punter is a restaurant providing Chinese food in the moderate price range. It is located in the riverside. It is near Raja Indian Cuisine." } ] }, { "tripleset": [ [ "The Punter", "eatType", "restaurant" ], [ "The Punter", "food", "Chinese" ], [ "The Punter", "priceRange", "moderate" ], [ "The Punter", "familyFriendly", "no" ], [ "The Punter", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Punter is a restaurant near Raja Indian Cuisine in the city city. It is moderately priced and serves Chinese food. Children are not welcome." }, { "source": "e2e", "text": "The Punter is a Chinese restaurant near Raja Indian Cuisine in the river side. Price is moderate, no kids friendly." } ] }, { "tripleset": [ [ "The Punter", "eatType", "restaurant" ], [ "The Punter", "food", "Chinese" ], [ "The Punter", "priceRange", "moderate" ], [ "The Punter", "familyFriendly", "yes" ], [ "The Punter", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Punter restaurant offers Kid Friendly Chinese cuisine at a moderate price. Located near the Raja Indian Cuisine." } ] }, { "tripleset": [ [ "The Punter", "eatType", "restaurant" ], [ "The Punter", "food", "Chinese" ], [ "The Punter", "priceRange", "more than \u00a330" ], [ "The Punter", "area", "riverside" ], [ "The Punter", "familyFriendly", "yes" ], [ "The Punter", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Punter is a restaurant in Riverside located near the Raja Indian Cuisine, where they serve Chinese food, it's average price for a meal is more than 30 euros and it's a children friendly facility." } ] }, { "tripleset": [ [ "The Punter", "eatType", "restaurant" ], [ "The Punter", "food", "Chinese" ], [ "The Punter", "priceRange", "more than \u00a330" ], [ "The Punter", "area", "riverside" ], [ "The Punter", "familyFriendly", "yes" ], [ "The Punter", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Punter restaurant has Chinese food and is family friendly. It is located in the riverside area near Raja Indian Cuisine with a high price range." }, { "source": "e2e", "text": "The Punter restaurant has Chinese food and is kids friendly. It is located in the riverside area near Raja Indian Cuisine with a high price range." }, { "source": "e2e", "text": "Situated in the riverside area, near Raja Indian Cuisine, you'll find a child-friendly restaurant with Chinese food on the menu called The Punter. The prices tend to be more than \u00a330." }, { "source": "e2e", "text": "There is a restaurant The Punter located near Raja Indian Cuisine. They offer Chinese food in the price range of more than \u00a330. They are children friendly and located riverside." } ] }, { "tripleset": [ [ "The Punter", "eatType", "restaurant" ], [ "The Punter", "food", "Chinese" ], [ "The Punter", "priceRange", "more than \u00a330" ], [ "The Punter", "area", "riverside" ], [ "The Punter", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "If you're in the riverside area with your children and are looking for a restaurant that serves Chinese food, The Punter is a good option, though you can expect to spend more than \u00a330. It is located near Raja Indian Cuisine." } ] }, { "tripleset": [ [ "The Punter", "eatType", "restaurant" ], [ "The Punter", "food", "English" ], [ "The Punter", "area", "city centre" ], [ "The Punter", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Punter is a restaurant placed at north of city centre close to Raja Indian Cuisine. You can go with all your family to this exclusive shop if you love the traditional British food." } ] }, { "tripleset": [ [ "The Punter", "eatType", "restaurant" ], [ "The Punter", "food", "English" ], [ "The Punter", "area", "riverside" ], [ "The Punter", "familyFriendly", "no" ], [ "The Punter", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "Located on the Riverside, close to Raja Indian Cuisine, you will find the restaurant The Punter, serving a traditional English menu which is highly priced and not considered child friendly." }, { "source": "e2e", "text": "Catering a traditional English menu, The Punter restaurant sits on the riverside, and offers a highly priced alternative to the nearby Raja Indian Cuisine. The Punter is not considered child friendly." } ] }, { "tripleset": [ [ "The Punter", "eatType", "restaurant" ], [ "The Punter", "food", "English" ], [ "The Punter", "area", "riverside" ], [ "The Punter", "familyFriendly", "yes" ], [ "The Punter", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Punter is a kid friendly restaurant located along the riverside near Raja Indian Cuisine. It serves English food for \u00a320 - \u00a325." }, { "source": "e2e", "text": "The Punter is a kids friendly restaurant that serves English food for \u00a320 - \u00a325. It is along the riverside near Raja Indian Cuisine." }, { "source": "e2e", "text": "Serving English food on the riverside in The Punter. A kid friendly restaurant in the price range \u00a320 - \u00a325. The Punter is located near Raja Indian Cuisine." } ] }, { "tripleset": [ [ "The Punter", "eatType", "restaurant" ], [ "The Punter", "food", "English" ], [ "The Punter", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The English restaurant, 'The Punter', is a highly priced place near Raja Indian Cuisine. The food has more of an adult taste to it." } ] }, { "tripleset": [ [ "The Punter", "eatType", "restaurant" ], [ "The Punter", "food", "English" ], [ "The Punter", "priceRange", "cheap" ], [ "The Punter", "area", "riverside" ], [ "The Punter", "familyFriendly", "yes" ], [ "The Punter", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "There is a cheap family friendly restaurant on riverside called The Punter, They serve English food, and are located near Raja Indian Cuisine." }, { "source": "e2e", "text": "Come visit riverside and eat some English food at The Punter family friendly restaurant for a cheap price. Found near Raja Indian Cuisine." }, { "source": "e2e", "text": "The Punter is a cheap restaurant located in riverside near Raja Indian Cuisine, they serve English food and our family friendly." }, { "source": "e2e", "text": "The Punter is a family friendly restaurant which offer English food for a cheap price. Located in riverside near Raja Indian Cuisine." }, { "source": "e2e", "text": "Near the Raja Indian Cuisine in riverside is a cheap family friendly English restaurant called The Punter." }, { "source": "e2e", "text": "The Punter is in the riverside area near Raja Indian Cuisine. It is a restaurant serving cheap English food and is great for families." }, { "source": "e2e", "text": "The Punter is a restaurant located at riverside near Raja Indian Cuisine serves English food and a Family friendly place that a cheap price range of food." }, { "source": "e2e", "text": "The Punter is a family friendly restaurant. It serves low price range English food. It is located near Raja Indian Cuisine in the riverside area." }, { "source": "e2e", "text": "The Punter is a cheap family friendly English restaurant in the riverside area near the Raja Indian Cuisine." } ] }, { "tripleset": [ [ "The Punter", "eatType", "restaurant" ], [ "The Punter", "food", "English" ], [ "The Punter", "priceRange", "high" ], [ "The Punter", "area", "city centre" ], [ "The Punter", "familyFriendly", "no" ], [ "The Punter", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Punter is a restaurant located in the city centre near Raja Indian Cuisine. It serves high-priced English food in a non kid-friendly environment." }, { "source": "e2e", "text": "The Punter is an English restaurant that is located in the city centre. It is near Raja Indian Cuisine. It has a high price range, and it is not family-friendly." } ] }, { "tripleset": [ [ "The Punter", "eatType", "restaurant" ], [ "The Punter", "food", "English" ], [ "The Punter", "priceRange", "high" ], [ "The Punter", "area", "city centre" ], [ "The Punter", "familyFriendly", "yes" ], [ "The Punter", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Punter is a restaurant type restaurant located in the city centre with a high price, with a bad kids friendly atmosphere. It offers English food and is located near Raja Indian Cuisine." }, { "source": "e2e", "text": "The Punter is a restaurant type restaurant located in the city centre with a high price, with a bad kids friendly atmosphere. It offers English food and is located near Raja Indian Cuisine." }, { "source": "e2e", "text": "The Punter is children friendly restaurant that serves English food with a high price range near Raja Indian Cuisine around city centre." }, { "source": "e2e", "text": "The Punter is a high price range restaurant. It's in the centre of the city, near Raja Indian Cuisine. It serves English food and is children Friendly." }, { "source": "e2e", "text": "Near Raja Indian Cuisine around city centre there is a restaurant that is high price range, children friendly, serves English food called The Punter." }, { "source": "e2e", "text": "In the city centre near Raja Indian Cuisine there is an English restaurant called The Punter. It is expensive and children friendly." }, { "source": "e2e", "text": "The Punter is a restaurant serving expensive English food. It is in the city centre near Raja Indian Cuisine and is children friendly." } ] }, { "tripleset": [ [ "The Punter", "eatType", "restaurant" ], [ "The Punter", "food", "English" ], [ "The Punter", "priceRange", "high" ], [ "The Punter", "area", "city centre" ], [ "The Punter", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Punter is a high-priced restaurant that serves English cuisine in an adult environment. It is located in the city centre near Raja Indian Cuisine." } ] }, { "tripleset": [ [ "The Punter", "eatType", "restaurant" ], [ "The Punter", "food", "English" ], [ "The Punter", "priceRange", "high" ], [ "The Punter", "area", "riverside" ], [ "The Punter", "familyFriendly", "no" ], [ "The Punter", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Punter is an English restaurant near Raja Indian Cuisine in the riverside area. It has a high price range and is not child-friendly." }, { "source": "e2e", "text": "There is an English restaurant near Raja Indian Cuisine in the riverside area called The Punter. It has a high price range and is not child-friendly." } ] }, { "tripleset": [ [ "The Punter", "eatType", "restaurant" ], [ "The Punter", "food", "English" ], [ "The Punter", "priceRange", "high" ], [ "The Punter", "area", "riverside" ], [ "The Punter", "familyFriendly", "yes" ], [ "The Punter", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Punter is a children friendly restaurant located in the Riverside area near to the Raja Indian Cuisine. It serves English food and is in the high price range." } ] }, { "tripleset": [ [ "The Punter", "eatType", "restaurant" ], [ "The Punter", "food", "English" ], [ "The Punter", "priceRange", "high" ], [ "The Punter", "area", "riverside" ], [ "The Punter", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Punter is an English restaurant located along the river near Raja Indian Cuisine. The prices are quite high and it is not recommended to bring children." } ] }, { "tripleset": [ [ "The Punter", "eatType", "restaurant" ], [ "The Punter", "food", "English" ], [ "The Punter", "priceRange", "high" ], [ "The Punter", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Punter' is a expensive restaurant that serves British food that is located near Raja Indian Cuisine." } ] }, { "tripleset": [ [ "The Punter", "eatType", "restaurant" ], [ "The Punter", "food", "English" ], [ "The Punter", "priceRange", "\u00a320-25" ], [ "The Punter", "area", "riverside" ], [ "The Punter", "familyFriendly", "yes" ], [ "The Punter", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "A kid friendly English restaurant located in riverside near Raja Indian Cuisine that is moderately priced is called The Punter." }, { "source": "e2e", "text": "The Punter is a kid friendly English restaurant located in riverside near Raja Indian Cuisine that is moderately priced." } ] }, { "tripleset": [ [ "The Punter", "eatType", "restaurant" ], [ "The Punter", "food", "Indian" ], [ "The Punter", "area", "city centre" ], [ "The Punter", "familyFriendly", "yes" ], [ "The Punter", "near", "Express by Holiday Inn" ] ], "annotations": [ { "source": "e2e", "text": "The Punter is in city centre near Express by Holiday Inn. it serves Indian food. It also is a restaurant. It is kid friendly." } ] }, { "tripleset": [ [ "The Punter", "eatType", "restaurant" ], [ "The Punter", "food", "Indian" ], [ "The Punter", "area", "city centre" ], [ "The Punter", "near", "Express by Holiday Inn" ] ], "annotations": [ { "source": "e2e", "text": "The Punter is a Indian restaurant with moderate pricing located in city centre near Express by Holiday Inn." } ] }, { "tripleset": [ [ "The Punter", "eatType", "restaurant" ], [ "The Punter", "food", "Indian" ], [ "The Punter", "area", "riverside" ], [ "The Punter", "near", "Express by Holiday Inn" ] ], "annotations": [ { "source": "e2e", "text": "The Punter is a medium priced Indian restaurant located in riverside near Express by Holiday Inn." }, { "source": "e2e", "text": "The Punter is a restaurant with Indian food. It is near Express by Holiday Inn in riverside." } ] }, { "tripleset": [ [ "The Punter", "eatType", "restaurant" ], [ "The Punter", "food", "Indian" ], [ "The Punter", "customer rating", "1 out of 5" ], [ "The Punter", "area", "riverside" ], [ "The Punter", "familyFriendly", "yes" ], [ "The Punter", "near", "Express by Holiday Inn" ] ], "annotations": [ { "source": "e2e", "text": "The Punter is a restaurant that servers Indian food in the modern price range. Yes it is kids friendly. Its customer rating is 1 out of 5. It is located by the riverside near Express by Holiday Inn" } ] }, { "tripleset": [ [ "The Punter", "eatType", "restaurant" ], [ "The Punter", "food", "Indian" ], [ "The Punter", "customer rating", "1 out of 5" ], [ "The Punter", "area", "riverside" ], [ "The Punter", "near", "Express by Holiday Inn" ] ], "annotations": [ { "source": "e2e", "text": "The Punter is a Indian restaurant with medium prices located in riverside near Express by Holiday Inn. Customer Rating 1 out of 5." } ] }, { "tripleset": [ [ "The Punter", "eatType", "restaurant" ], [ "The Punter", "food", "Indian" ], [ "The Punter", "customer rating", "3 out of 5" ], [ "The Punter", "area", "riverside" ], [ "The Punter", "familyFriendly", "no" ], [ "The Punter", "near", "Express by Holiday Inn" ] ], "annotations": [ { "source": "e2e", "text": "The Punter Indian restaurant, is moderate in price with a 3 out of 5 customer Rating, not kid friendly on the riverside near Express by Holiday Inn." } ] }, { "tripleset": [ [ "The Punter", "eatType", "restaurant" ], [ "The Punter", "food", "Indian" ], [ "The Punter", "customer rating", "3 out of 5" ], [ "The Punter", "area", "riverside" ], [ "The Punter", "familyFriendly", "yes" ], [ "The Punter", "near", "Express by Holiday Inn" ] ], "annotations": [ { "source": "e2e", "text": "Near the riverside is a Indian restaurant that is suitable for kids, however it is priced in moderate standards and only has a 3 out of 5 rating. On the riverside near the Express by Holiday Inn the shop is called The Punter" } ] }, { "tripleset": [ [ "The Punter", "eatType", "restaurant" ], [ "The Punter", "food", "Indian" ], [ "The Punter", "customer rating", "average" ], [ "The Punter", "area", "city centre" ], [ "The Punter", "familyFriendly", "no" ], [ "The Punter", "near", "Express by Holiday Inn" ] ], "annotations": [ { "source": "e2e", "text": "The Punter has an average customer rating for its Indian food. It is a restaurant in the city centre, near to Express by Holiday Inn. It is not children friendly." }, { "source": "e2e", "text": "In the city centre. the restaurant The Punter has an average customer rating for its Indian food and it is not children friendly. It is located near to Express by Holiday Inn." } ] }, { "tripleset": [ [ "The Punter", "eatType", "restaurant" ], [ "The Punter", "food", "Indian" ], [ "The Punter", "customer rating", "average" ], [ "The Punter", "area", "riverside" ], [ "The Punter", "familyFriendly", "no" ], [ "The Punter", "near", "Express by Holiday Inn" ] ], "annotations": [ { "source": "e2e", "text": "The Punter restaurant serves Indian food. It is near Express by Holiday Inn near the riverside. It is not kid friendly and carries an average customer rating." } ] }, { "tripleset": [ [ "The Punter", "eatType", "restaurant" ], [ "The Punter", "food", "Indian" ], [ "The Punter", "customer rating", "high" ], [ "The Punter", "area", "city centre" ], [ "The Punter", "familyFriendly", "no" ], [ "The Punter", "near", "Express by Holiday Inn" ] ], "annotations": [ { "source": "e2e", "text": "If you are looking for a non children-friendly restaurant, with prices around \u00a330 , but with high customer ratings, The Punter is for you. It serves Indian food and it is located in the city centre, near Express by Holiday Inn." } ] }, { "tripleset": [ [ "The Punter", "eatType", "restaurant" ], [ "The Punter", "food", "Indian" ], [ "The Punter", "customer rating", "high" ], [ "The Punter", "area", "city centre" ], [ "The Punter", "near", "Express by Holiday Inn" ] ], "annotations": [ { "source": "e2e", "text": "Located near Express by Holiday Inn in the city centre, you can find an Indian restaurant called The Punter. Though its prices exceed \u00a330, it has a high rating." } ] }, { "tripleset": [ [ "The Punter", "eatType", "restaurant" ], [ "The Punter", "food", "Indian" ], [ "The Punter", "customer rating", "high" ], [ "The Punter", "area", "riverside" ], [ "The Punter", "familyFriendly", "yes" ], [ "The Punter", "near", "Express by Holiday Inn" ] ], "annotations": [ { "source": "e2e", "text": "The Punter is a family friendly restaurant in the riverside area near Express by Holiday Inn serving highly rated Indian food at a price range of \u00a330 or more." } ] }, { "tripleset": [ [ "The Punter", "eatType", "restaurant" ], [ "The Punter", "food", "Indian" ], [ "The Punter", "customer rating", "high" ], [ "The Punter", "familyFriendly", "yes" ], [ "The Punter", "near", "Express by Holiday Inn" ] ], "annotations": [ { "source": "e2e", "text": "A restaurant with a high rating is The Punter. They offer Indian food at higher prices. They do not allow children and they can be found near Express by Holiday Inn." } ] }, { "tripleset": [ [ "The Punter", "eatType", "restaurant" ], [ "The Punter", "food", "Indian" ], [ "The Punter", "customer rating", "low" ], [ "The Punter", "area", "city centre" ], [ "The Punter", "familyFriendly", "yes" ], [ "The Punter", "near", "Express by Holiday Inn" ] ], "annotations": [ { "source": "e2e", "text": "Family Friendly restaurant low rating with a price of \u00a320, The Punter serves Indian dishes, near Express by Holiday Inn in the city centre area." } ] }, { "tripleset": [ [ "The Punter", "eatType", "restaurant" ], [ "The Punter", "food", "Indian" ], [ "The Punter", "familyFriendly", "yes" ], [ "The Punter", "near", "Express by Holiday Inn" ] ], "annotations": [ { "source": "e2e", "text": "The Punter is near Express by Holiday Inn. It is a restaurant that serves Indian food and is child friendly" } ] }, { "tripleset": [ [ "The Punter", "eatType", "restaurant" ], [ "The Punter", "food", "Indian" ], [ "The Punter", "priceRange", "cheap" ], [ "The Punter", "area", "city centre" ], [ "The Punter", "familyFriendly", "yes" ], [ "The Punter", "near", "Express by Holiday Inn" ] ], "annotations": [ { "source": "e2e", "text": "The Punter is a cheap restaurant in the center of town, near Express by Holiday Inn, that serves moderately-rated Indian dishes in a family-friendly environment." } ] }, { "tripleset": [ [ "The Punter", "eatType", "restaurant" ], [ "The Punter", "food", "Indian" ], [ "The Punter", "priceRange", "cheap" ], [ "The Punter", "area", "riverside" ], [ "The Punter", "familyFriendly", "yes" ], [ "The Punter", "near", "Express by Holiday Inn" ] ], "annotations": [ { "source": "e2e", "text": "In riverside near the Express by Holiday Inn is an average family friendly Indian restaurant called The Punter, that is not only cheap but family friendly." }, { "source": "e2e", "text": "For a cheap Indian restaurant check out the average family friendly The Punter, located in the riverside area near Express by Holiday Inn." } ] }, { "tripleset": [ [ "The Punter", "eatType", "restaurant" ], [ "The Punter", "food", "Indian" ], [ "The Punter", "priceRange", "cheap" ], [ "The Punter", "customer rating", "average" ], [ "The Punter", "area", "city centre" ], [ "The Punter", "familyFriendly", "yes" ], [ "The Punter", "near", "Express by Holiday Inn" ] ], "annotations": [ { "source": "e2e", "text": "An Indian food restaurant in city centre is The Punter. It is near Express by Holiday Inn. It has average customer ratings, is cheap, and kid friendly." }, { "source": "e2e", "text": "For cheap Indian food with an average satisfaction rating try The Punter, they are a family friendly restaurant. They are near Express by Holiday Inn in the city center." }, { "source": "e2e", "text": "The Punter restaurant serves cheap and average-rated Indian dishes in a family-friendly environment. It is located in the center of town near Express by Holiday Inn." }, { "source": "e2e", "text": "The Punter is a restaurant that serves Indian food. It is cheap, average customer rating, and family friendly. It is in city centre near Express by Holiday Inn." }, { "source": "e2e", "text": "The Punter is a family friendly restaurant near Express by Holiday Inn in the city centre with average customer ratings. They have an Indian food menu, with cheap prices." }, { "source": "e2e", "text": "The Punter Is a restaurant that serves cheap Indian food. Family friendly with an average satisfaction rating. They are in the city center near Express by Holiday Inn." } ] }, { "tripleset": [ [ "The Punter", "eatType", "restaurant" ], [ "The Punter", "food", "Indian" ], [ "The Punter", "priceRange", "cheap" ], [ "The Punter", "customer rating", "average" ], [ "The Punter", "area", "riverside" ], [ "The Punter", "familyFriendly", "no" ], [ "The Punter", "near", "Express by Holiday Inn" ] ], "annotations": [ { "source": "e2e", "text": "The restaurant named The Punter has cheap Indian food and an average customer rating. It is near the Express by Holiday Inn on the riverside and is not family friendly." }, { "source": "e2e", "text": "The Punter restaurant offers cheap Indian cuisine. Has an average customer rating. Located by the riverside near Express by Holiday Inn. It is not family friendly." } ] }, { "tripleset": [ [ "The Punter", "eatType", "restaurant" ], [ "The Punter", "food", "Indian" ], [ "The Punter", "priceRange", "cheap" ], [ "The Punter", "customer rating", "average" ], [ "The Punter", "area", "riverside" ], [ "The Punter", "familyFriendly", "yes" ], [ "The Punter", "near", "Express by Holiday Inn" ] ], "annotations": [ { "source": "e2e", "text": "The Punter is a cheap Indian restaurant with an average customer rating. It is in riverside location near Express by Holiday Inn, and is family friendly." }, { "source": "e2e", "text": "The Punter is a cheap Indian restaurant in a riverside location. It has an average customer rating, is family friendly and is located near Express by Holiday Inn." } ] }, { "tripleset": [ [ "The Punter", "eatType", "restaurant" ], [ "The Punter", "food", "Indian" ], [ "The Punter", "priceRange", "cheap" ], [ "The Punter", "customer rating", "average" ], [ "The Punter", "area", "riverside" ], [ "The Punter", "near", "Express by Holiday Inn" ] ], "annotations": [ { "source": "e2e", "text": "The Punter is a restaurant providing Indian food in the cheap price range. It is located in the riverside. It is near Express by Holiday Inn. Its customer rating is average." }, { "source": "e2e", "text": "The Punter is a restaurant providing Indian food in the cheap price range. It is located in the riverside. It is near Express by Holiday Inn. Its customer rating is average." } ] }, { "tripleset": [ [ "The Punter", "eatType", "restaurant" ], [ "The Punter", "food", "Indian" ], [ "The Punter", "priceRange", "cheap" ], [ "The Punter", "near", "Express by Holiday Inn" ] ], "annotations": [ { "source": "e2e", "text": "Located by the Express by Holiday Inn, The Punter restaurant offers low priced Indian Food." }, { "source": "e2e", "text": "The Punter located by the Express by Holiday Inn, is a restaurant that offers Indian Food at a cheap price range." } ] }, { "tripleset": [ [ "The Punter", "eatType", "restaurant" ], [ "The Punter", "food", "Indian" ], [ "The Punter", "priceRange", "moderate" ], [ "The Punter", "customer rating", "average" ], [ "The Punter", "area", "riverside" ], [ "The Punter", "familyFriendly", "yes" ], [ "The Punter", "near", "Express by Holiday Inn" ] ], "annotations": [ { "source": "e2e", "text": "Looking for a restaurant serving Indian food in the cheap price range with average customer ratings in the riverside area near Express by Holiday Inn and is family friendly, then visit The Punter." }, { "source": "e2e", "text": "The Punter is a restaurant serving Indian food in the cheap price range with average customer ratings in the riverside area near Express by Holiday Inn and is family friendly." } ] }, { "tripleset": [ [ "The Punter", "eatType", "restaurant" ], [ "The Punter", "food", "Indian" ], [ "The Punter", "priceRange", "high" ], [ "The Punter", "area", "city centre" ], [ "The Punter", "familyFriendly", "no" ], [ "The Punter", "near", "Express by Holiday Inn" ] ], "annotations": [ { "source": "e2e", "text": "There is an expensive, non-children friendly Indian restaurant called The Punter located in the city centre, near Express by Holiday Inn." }, { "source": "e2e", "text": "Near Express by Holiday Inn is an expensive Indian restaurant called The Punter. It is not child friendly and is in the city centre." } ] }, { "tripleset": [ [ "The Punter", "eatType", "restaurant" ], [ "The Punter", "food", "Indian" ], [ "The Punter", "priceRange", "high" ], [ "The Punter", "customer rating", "1 out of 5" ], [ "The Punter", "area", "city centre" ], [ "The Punter", "familyFriendly", "no" ], [ "The Punter", "near", "Express by Holiday Inn" ] ], "annotations": [ { "source": "e2e", "text": "The Punter is a restaurant which serves Indian food, high prices, customer rating 1 out of 5, location city centre near Express by Holiday Inn, sorry no children" }, { "source": "e2e", "text": "City Centre restaurant The Punter serves Indian food, not far from Express by Holiday Inn, adults only, customer rating 1 out of 5, price range high." }, { "source": "e2e", "text": "There is a high priced restaurant called The Punter located in the city centre near Express by Holiday Inn. It serves Indian food, has a customer rating of 1 out of 5, and is not child friendly." }, { "source": "e2e", "text": "The Punter is a restaurant that provides Indian food. Its price range is high, it is not child friendly and has a customer rating of 1 out of 5. It is located in the city centre near Express by Holiday Inn" } ] }, { "tripleset": [ [ "The Punter", "eatType", "restaurant" ], [ "The Punter", "food", "Indian" ], [ "The Punter", "priceRange", "high" ], [ "The Punter", "customer rating", "1 out of 5" ], [ "The Punter", "area", "city centre" ], [ "The Punter", "familyFriendly", "yes" ], [ "The Punter", "near", "Express by Holiday Inn" ] ], "annotations": [ { "source": "e2e", "text": "The Punter is a restaurant with Indian food at a high price range. It has 1 out of 5 stars. It is children friendly. It is in the city centre near Express by Holiday Inn." }, { "source": "e2e", "text": "The Punter is a 1 out of 5 stars Indian restaurant near Express by Holiday Inn in the city centre. It is in the high price range, but is children friendly." } ] }, { "tripleset": [ [ "The Punter", "eatType", "restaurant" ], [ "The Punter", "food", "Indian" ], [ "The Punter", "priceRange", "high" ], [ "The Punter", "customer rating", "1 out of 5" ], [ "The Punter", "area", "city centre" ], [ "The Punter", "near", "Express by Holiday Inn" ] ], "annotations": [ { "source": "e2e", "text": "The Punter is a restaurant providing Indian food in the high price range. It is located in the city centre. It is near Express by Holiday Inn. Its customer rating is 1 out of 5." }, { "source": "e2e", "text": "The Punter is a restaurant providing Indian food in the high price range. It is located in the city centre. It is near Express by Holiday Inn. Its customer rating is 1 out of 5." } ] }, { "tripleset": [ [ "The Punter", "eatType", "restaurant" ], [ "The Punter", "food", "Indian" ], [ "The Punter", "priceRange", "high" ], [ "The Punter", "customer rating", "1 out of 5" ], [ "The Punter", "area", "riverside" ], [ "The Punter", "familyFriendly", "no" ], [ "The Punter", "near", "Express by Holiday Inn" ] ], "annotations": [ { "source": "e2e", "text": "There is an expensive restaurant called The Punter located at the riverside, near Express by Holiday Inn that provides Indian food. The customer rating is 1 out of 5 and it is not children friendly." }, { "source": "e2e", "text": "The Punter is a restaurant providing Indian food in the high price range. It is located at the riverside, near Express by Holiday Inn. The customer rating is 1 out of 5 and it is not children friendly." }, { "source": "e2e", "text": "Located riverside near Express by Holiday Inn you will find The Punter restaurant offering Indian food. They have a customer rating of 1 out of 5 and are price ranged high. They are not children friendly." } ] }, { "tripleset": [ [ "The Punter", "eatType", "restaurant" ], [ "The Punter", "food", "Indian" ], [ "The Punter", "priceRange", "high" ], [ "The Punter", "customer rating", "1 out of 5" ], [ "The Punter", "area", "riverside" ], [ "The Punter", "familyFriendly", "yes" ], [ "The Punter", "near", "Express by Holiday Inn" ] ], "annotations": [ { "source": "e2e", "text": "The Punter is a high-priced restaurant that offers Indian food. It is child friendly and has a customer rating of 1 out of 5. It is located near Express by Holiday Inn in riverside." }, { "source": "e2e", "text": "The restaurant called The Punter, near Express by Holiday Inn in the riverside area, is a children friendly restaurant that serves Indian food and has 1 out of 5 stars, it has a high price range." }, { "source": "e2e", "text": "There is an expensive restaurant called The Punter located in riverside near Express by Holiday Inn that provides Indian food. It is children friendly and has a customer rating of 1 out of 5." }, { "source": "e2e", "text": "In the riverside area near Express by Holiday Inn is a restaurant called The Punter. The Punter serves Indian food and is children friendly. The Punter has a customer rating of 1 out of 5 stars. It has a high price range." } ] }, { "tripleset": [ [ "The Punter", "eatType", "restaurant" ], [ "The Punter", "food", "Indian" ], [ "The Punter", "priceRange", "high" ], [ "The Punter", "customer rating", "1 out of 5" ], [ "The Punter", "area", "riverside" ], [ "The Punter", "near", "Express by Holiday Inn" ] ], "annotations": [ { "source": "e2e", "text": "The Punter; a restaurant with an Indian style, is situated by the riverside, next to Express by Holiday Inn. It is ideal for couples and has a high price range. It has a customer rating of 1 out of 5." }, { "source": "e2e", "text": "The Punter is an Indian restaurant situated near Express by Holiday Inn by the riverside. It is ideal for couples and has a fairly high price range and In general it has a 1 out of 5 customer rating." } ] }, { "tripleset": [ [ "The Punter", "eatType", "restaurant" ], [ "The Punter", "food", "Indian" ], [ "The Punter", "priceRange", "high" ], [ "The Punter", "customer rating", "5 out of 5" ], [ "The Punter", "area", "riverside" ], [ "The Punter", "familyFriendly", "no" ], [ "The Punter", "near", "Express by Holiday Inn" ] ], "annotations": [ { "source": "e2e", "text": "The Punter is a restaurant serving Indian food it is not a child Friendly, with a low customer Rating and a high price Range by a riverside near Express by Holiday Inn." }, { "source": "e2e", "text": "By a riverside near Express by Holiday Inn, The Punter is a restaurant serving Indian food it is not a child Friendly, with a low customer Rating and a high price Range." } ] }, { "tripleset": [ [ "The Punter", "eatType", "restaurant" ], [ "The Punter", "food", "Indian" ], [ "The Punter", "priceRange", "high" ], [ "The Punter", "customer rating", "5 out of 5" ], [ "The Punter", "near", "Express by Holiday Inn" ] ], "annotations": [ { "source": "e2e", "text": "There is a restaurant near Express by Holiday Inn that serves Indian food. It doesn't have a very good rating and the prices are high. It is called The Punter." } ] }, { "tripleset": [ [ "The Punter", "eatType", "restaurant" ], [ "The Punter", "food", "Indian" ], [ "The Punter", "priceRange", "high" ], [ "The Punter", "customer rating", "average" ], [ "The Punter", "area", "city centre" ], [ "The Punter", "familyFriendly", "no" ], [ "The Punter", "near", "Express by Holiday Inn" ] ], "annotations": [ { "source": "e2e", "text": "The Punter is an expensive Indian restaurant with an average customer rating. It is located in the city centre, near Express by Holiday Inn, but is not children friendly." }, { "source": "e2e", "text": "The Punter is a restaurant that serves Indian food for a high price range. It has an average customer rating and is located near Express by Holiday Inn in the city centre, It is not children friendly." }, { "source": "e2e", "text": "Near the Express by Holiday Inn in the city center there is a restaurant called The Punter that serves Indian food for a high price range. It is not children friendly and has an average customer rating." } ] }, { "tripleset": [ [ "The Punter", "eatType", "restaurant" ], [ "The Punter", "food", "Indian" ], [ "The Punter", "priceRange", "high" ], [ "The Punter", "customer rating", "average" ], [ "The Punter", "area", "city centre" ], [ "The Punter", "familyFriendly", "yes" ], [ "The Punter", "near", "Express by Holiday Inn" ] ], "annotations": [ { "source": "e2e", "text": "The Punter is near Express by Holiday Inn in city center and is an Indian restaurant . It has a price range is high, is kid friendly, and has an average customer rating." }, { "source": "e2e", "text": "Near Express by Holiday Inn in city center there is an Indian restaurant called The Punter. It has a price range is high, is kid friendly, and has an average customer rating." }, { "source": "e2e", "text": "A family friendly Indian restaurant that is high priced is located near Express by Holiday Inn in City Centre. The Punter has an average customer rating." }, { "source": "e2e", "text": "With an average customer review, The Punter is a restaurant serving Indian food. If you would like to go, they are near Express by Holiday Inn in the city center. Keep in mind that it is expensive, but also children friendly." }, { "source": "e2e", "text": "The Punter, and Indian restaurant, is high priced family friendly restaurant with an average customer rating located near Express by Holiday Inn in City Centre." }, { "source": "e2e", "text": "The Punter is a restaurant offering Indian food at a high price. It is in the city centre near Express by Holiday Inn. It has an average customer rating and is children friendly." }, { "source": "e2e", "text": "The Punter is family friendly with an average rating. It is a restaurant serving Indian food at a high price. It is located in the city centre near Express by Holiday Inn." } ] }, { "tripleset": [ [ "The Punter", "eatType", "restaurant" ], [ "The Punter", "food", "Indian" ], [ "The Punter", "priceRange", "high" ], [ "The Punter", "customer rating", "average" ], [ "The Punter", "area", "riverside" ], [ "The Punter", "familyFriendly", "no" ], [ "The Punter", "near", "Express by Holiday Inn" ] ], "annotations": [ { "source": "e2e", "text": "An expensive adults-only riverside Indian restaurant called The Punter can be found near Express by Holiday Inn, but it only has average ratings." }, { "source": "e2e", "text": "The Punter is a restaurant serving Indian food at a high price. They are located near Express by Holiday Inn in riverside. with an average rating and are not child friendly." }, { "source": "e2e", "text": "The Punter is an expensive restaurant that serves Indian food. It is located in the riverside area, near Express by Holiday Inn, and does not allow children. Customer ratings are average." } ] }, { "tripleset": [ [ "The Punter", "eatType", "restaurant" ], [ "The Punter", "food", "Indian" ], [ "The Punter", "priceRange", "high" ], [ "The Punter", "customer rating", "average" ], [ "The Punter", "area", "riverside" ], [ "The Punter", "familyFriendly", "yes" ], [ "The Punter", "near", "Express by Holiday Inn" ] ], "annotations": [ { "source": "e2e", "text": "There is a high priced restaurant called The Punter in the Riverside area, near Express by Holiday Inn, with an average customer rating, that serves Indian food and is also child friendly." }, { "source": "e2e", "text": "The Punter is a restaurant serving Indian food in the high price range that is children friendly with an average customer rating in the riverside area near Express by Holiday Inn" }, { "source": "e2e", "text": "The Punter is a restaurant with Indian food in the high price range. It is children friendly, has an average customer rating, and is located in riverside near Express by Holiday Inn" }, { "source": "e2e", "text": "An Indian restaurant in riverside, located near Express by Holiday Inn, is children friendly and has a high price range. It is called The Punter and has an average customer rating." }, { "source": "e2e", "text": "The Punter is a restaurant that provides Indian food with high price ranges. They have an average customer rating in located near Express by Holiday Inn in riverside. The Punter is child friendly." }, { "source": "e2e", "text": "The Punter is a high priced restaurant that serves Indian food in the Riverside area, near Express by Holiday Inn, it is child friendly and has an average customer rating." } ] }, { "tripleset": [ [ "The Punter", "eatType", "restaurant" ], [ "The Punter", "food", "Indian" ], [ "The Punter", "priceRange", "high" ], [ "The Punter", "customer rating", "average" ], [ "The Punter", "familyFriendly", "no" ], [ "The Punter", "near", "Express by Holiday Inn" ] ], "annotations": [ { "source": "e2e", "text": "The Punter, next to the river near Express by Holiday Inn, is an expensive Indian restaurant with average ratings and a reputation for not being child-friendly." } ] }, { "tripleset": [ [ "The Punter", "eatType", "restaurant" ], [ "The Punter", "food", "Indian" ], [ "The Punter", "priceRange", "moderate" ], [ "The Punter", "customer rating", "3 out of 5" ], [ "The Punter", "area", "city centre" ], [ "The Punter", "familyFriendly", "no" ], [ "The Punter", "near", "Express by Holiday Inn" ] ], "annotations": [ { "source": "e2e", "text": "In the city centre near Express by Holiday Inn there is a restaurant serving Indian food. It is not child friendly and is called The Punter and has a high price range with an average customer rating of 1 out of 5." }, { "source": "e2e", "text": "The Punter is an Indian restaurant in the city centre area near Express by Holiday Inn. It is not child friendly and has a high price range with the average customer rating being a 1 out of 5." } ] }, { "tripleset": [ [ "The Punter", "eatType", "restaurant" ], [ "The Punter", "food", "Indian" ], [ "The Punter", "priceRange", "moderate" ], [ "The Punter", "customer rating", "average" ], [ "The Punter", "area", "riverside" ], [ "The Punter", "familyFriendly", "no" ], [ "The Punter", "near", "Express by Holiday Inn" ] ], "annotations": [ { "source": "e2e", "text": "Near Express by Holiday Inn near the riverside is The Punter Indian food restaurant. It has a high price range with average customer ratings. It is not kid friendly." } ] }, { "tripleset": [ [ "The Punter", "eatType", "restaurant" ], [ "The Punter", "food", "Indian" ], [ "The Punter", "priceRange", "less than \u00a320" ], [ "The Punter", "area", "city centre" ], [ "The Punter", "familyFriendly", "yes" ], [ "The Punter", "near", "Express by Holiday Inn" ] ], "annotations": [ { "source": "e2e", "text": "For a family friendly Indian restaurant in the city centre near Express by Holiday Inn The Punter offers prices less than 20." } ] }, { "tripleset": [ [ "The Punter", "eatType", "restaurant" ], [ "The Punter", "food", "Indian" ], [ "The Punter", "priceRange", "less than \u00a320" ], [ "The Punter", "area", "riverside" ], [ "The Punter", "near", "Express by Holiday Inn" ] ], "annotations": [ { "source": "e2e", "text": "The Punter is a cheap restaurant that serves Indian near Riverside and Express by Holiday Inn" }, { "source": "e2e", "text": "There is a cheap restaurant in Riverside near Express by Holiday Inn that serves Indian food called The Punter." } ] }, { "tripleset": [ [ "The Punter", "eatType", "restaurant" ], [ "The Punter", "food", "Indian" ], [ "The Punter", "priceRange", "less than \u00a320" ], [ "The Punter", "customer rating", "low" ], [ "The Punter", "area", "city centre" ], [ "The Punter", "familyFriendly", "no" ], [ "The Punter", "near", "Express by Holiday Inn" ] ], "annotations": [ { "source": "e2e", "text": "There is a restaurant near the city centre and Express by Holiday Inn called The Punter. It is both rated low and in the low price range, serves Indian food, and is not family friendly." }, { "source": "e2e", "text": "The Punter, a low-rated restaurant, serves Indian food in the low price range. Customers say it is not family friendly and it can be found near the city centre and Express by Holiday Inn." }, { "source": "e2e", "text": "There is an Indian restaurant in City centre named The Punter. It is cheap with a low customer rating and near Express by Holiday Inn. It is not family friendly." } ] }, { "tripleset": [ [ "The Punter", "eatType", "restaurant" ], [ "The Punter", "food", "Indian" ], [ "The Punter", "priceRange", "less than \u00a320" ], [ "The Punter", "customer rating", "low" ], [ "The Punter", "area", "city centre" ], [ "The Punter", "familyFriendly", "yes" ], [ "The Punter", "near", "Express by Holiday Inn" ] ], "annotations": [ { "source": "e2e", "text": "The Punter is a restaurant serving Indian food with a low customer rating with meals less than \u00a320 and is family friendly in city centre area near Express by Holiday Inn." }, { "source": "e2e", "text": "Looking for a restaurant serving Indian food in the price range of less than \u00a320, with low customer ratings in the city centre area near Express by Holiday Inn and is family friendly, then visit The Punter." }, { "source": "e2e", "text": "The Punter is and Indian restaurant in the city centre located near Express by Holiday Inn, they are family friendly, low ratings and priced less than 20." }, { "source": "e2e", "text": "The Punter is a restaurant serving Indian food in the price range of less than \u00a320, with low customer ratings in the city centre area near Express by Holiday Inn and is family friendly." } ] }, { "tripleset": [ [ "The Punter", "eatType", "restaurant" ], [ "The Punter", "food", "Indian" ], [ "The Punter", "priceRange", "less than \u00a320" ], [ "The Punter", "customer rating", "low" ], [ "The Punter", "area", "city centre" ], [ "The Punter", "near", "Express by Holiday Inn" ] ], "annotations": [ { "source": "e2e", "text": "A restaurant serving Indian food with a price range less than \u00a320 and a low customer rating in city centre near Express by Holiday Inn is The Punter." } ] }, { "tripleset": [ [ "The Punter", "eatType", "restaurant" ], [ "The Punter", "food", "Indian" ], [ "The Punter", "priceRange", "less than \u00a320" ], [ "The Punter", "customer rating", "low" ], [ "The Punter", "area", "riverside" ], [ "The Punter", "familyFriendly", "no" ], [ "The Punter", "near", "Express by Holiday Inn" ] ], "annotations": [ { "source": "e2e", "text": "In the riverside area, near Express by Holiday Inn, is a restaurant named The Punter. The Punter has Indian food, low ratings, not family friendly, and a price range of less than \u00a320." }, { "source": "e2e", "text": "The Punter is a restaurant with Indian food in the price Range of less than \u00a320, with a low customer Rating and not family Friendly, in the riverside area near Express by Holiday Inn." }, { "source": "e2e", "text": "The Punter is a low rated restaurant that serves Indian food in the riverside area near Express by Holiday Inn. The Punter has a price range of less than \u00a320, and is not family friendly." } ] }, { "tripleset": [ [ "The Punter", "eatType", "restaurant" ], [ "The Punter", "food", "Indian" ], [ "The Punter", "priceRange", "less than \u00a320" ], [ "The Punter", "customer rating", "low" ], [ "The Punter", "area", "riverside" ], [ "The Punter", "familyFriendly", "yes" ], [ "The Punter", "near", "Express by Holiday Inn" ] ], "annotations": [ { "source": "e2e", "text": "The Punter is a low rated restaurant in the riverside area, near Express by Holiday Inn. They also serve Indian food for less than \u00a320 in a family friendly setting." }, { "source": "e2e", "text": "The Punter is a restaurant that provides Indian food with prices less than \u00a320. It has a low customer rating and is located on the riverside near Express by Holiday Inn. It is family friendly." }, { "source": "e2e", "text": "The Punter is a restaurant having Indian food less than \u00a320, it is family friendly with low customer rating, and located in riverside near Express by Holiday Inn." }, { "source": "e2e", "text": "The Punter is a family friendly restaurant that provides Indian food with prices less than \u00a320. It is located on the riverside near Express by Holiday Inn. Low customer rating." }, { "source": "e2e", "text": "Indian food in less than \u00a320, is offered by a restaurant named The Punter, it is family friendly with low customer rating and situated in riverside near Express by Holiday Inn." } ] }, { "tripleset": [ [ "The Punter", "eatType", "restaurant" ], [ "The Punter", "food", "Indian" ], [ "The Punter", "priceRange", "less than \u00a320" ], [ "The Punter", "customer rating", "low" ], [ "The Punter", "area", "riverside" ], [ "The Punter", "near", "Express by Holiday Inn" ] ], "annotations": [ { "source": "e2e", "text": "The Punter is a restaurant providing Indian food in the less than \u00a320 price range. It is located in the riverside. It is near Express by Holiday Inn. Its customer rating is low." }, { "source": "e2e", "text": "The Punter is a restaurant providing Indian food in the less than \u00a320 price range. It is located in the riverside. It is near Express by Holiday Inn. Its customer rating is low." } ] }, { "tripleset": [ [ "The Punter", "eatType", "restaurant" ], [ "The Punter", "food", "Indian" ], [ "The Punter", "priceRange", "moderate" ], [ "The Punter", "area", "city centre" ], [ "The Punter", "familyFriendly", "yes" ], [ "The Punter", "near", "Express by Holiday Inn" ] ], "annotations": [ { "source": "e2e", "text": "The Punter is a moderate priced Indian restaurant located in city centre near Express by Holiday Inn. Kid friendly." }, { "source": "e2e", "text": "The Punter located in the city centre near Express by Holiday Inn is a child friendly restaurant offering moderately priced, average Indian foods." } ] }, { "tripleset": [ [ "The Punter", "eatType", "restaurant" ], [ "The Punter", "food", "Indian" ], [ "The Punter", "priceRange", "moderate" ], [ "The Punter", "area", "city centre" ], [ "The Punter", "near", "Express by Holiday Inn" ] ], "annotations": [ { "source": "e2e", "text": "The Punter restaurant featuring Indian style foods at a reasonable price of \u00a320 , located in the city centre near Express by Holiday Inn" } ] }, { "tripleset": [ [ "The Punter", "eatType", "restaurant" ], [ "The Punter", "food", "Indian" ], [ "The Punter", "priceRange", "moderate" ], [ "The Punter", "customer rating", "1 out of 5" ], [ "The Punter", "area", "city centre" ], [ "The Punter", "familyFriendly", "no" ], [ "The Punter", "near", "Express by Holiday Inn" ] ], "annotations": [ { "source": "e2e", "text": "The Punter is a non-kid friendly restaurant located in the centre of the city near Express by Holiday Inn. They offer Indian food at a moderate price with a 1 out of 5 rating among customers." }, { "source": "e2e", "text": "Near Express by Holiday Inn in the centre of the city, The Punter is a restaurant that offers moderately priced Indian food. The shop has a 1 out of 5 rating and is not kid friendly." } ] }, { "tripleset": [ [ "The Punter", "eatType", "restaurant" ], [ "The Punter", "food", "Indian" ], [ "The Punter", "priceRange", "moderate" ], [ "The Punter", "customer rating", "1 out of 5" ], [ "The Punter", "area", "city centre" ], [ "The Punter", "near", "Express by Holiday Inn" ] ], "annotations": [ { "source": "e2e", "text": "The Punter is a restaurant providing Indian food in the moderate price range. It is located in the city centre. It is near Express by Holiday Inn. Its customer rating is 1 out of 5." }, { "source": "e2e", "text": "City centre located The Punter serves moderately priced Indian food in a restaurant environment. Just near Express by Holiday Inn, it's rated 1 out of 5 and serves adult parties only." }, { "source": "e2e", "text": "The Punter is a restaurant providing Indian food in the moderate price range. It is located in the city centre. It is near Express by Holiday Inn. Its customer rating is 1 out of 5." }, { "source": "e2e", "text": "The Punter can be found in the city centre, near Express by Holiday Inn. It's moderately priced Indian in restaurant surroundings. Only adult parties are welcomed to this low rated establishment." }, { "source": "e2e", "text": "The Punter is a restaurant providing Indian food in the moderate price range. It is located in the city centre. It is near Express by Holiday Inn. Its customer rating is 1 out of 5." }, { "source": "e2e", "text": "The Punter is a restaurant providing Indian food in the moderate price range. It is located in the city centre. It is near Express by Holiday Inn. Its customer rating is 1 out of 5." }, { "source": "e2e", "text": "The Punter is a restaurant providing Indian food in the moderate price range. It is located in the city centre. It is near Express by Holiday Inn. Its customer rating is 1 out of 5." }, { "source": "e2e", "text": "The Punter is a restaurant providing Indian food in the moderate price range. It is located in the city centre. It is near Express by Holiday Inn. Its customer rating is 1 out of 5." } ] }, { "tripleset": [ [ "The Punter", "eatType", "restaurant" ], [ "The Punter", "food", "Indian" ], [ "The Punter", "priceRange", "moderate" ], [ "The Punter", "customer rating", "1 out of 5" ], [ "The Punter", "area", "riverside" ], [ "The Punter", "familyFriendly", "no" ], [ "The Punter", "near", "Express by Holiday Inn" ] ], "annotations": [ { "source": "e2e", "text": "A moderate price range Indian restaurant called The Punter is near Express by Holiday Inn in riverside. It has a poor customer rating and is not kid friendly." }, { "source": "e2e", "text": "There is a restaurant in riverside near Express by Holiday Inn that is an Indian restaurant called The Punter. It is moderate price range with a one out of 5 customer rating that is not kid friendly." } ] }, { "tripleset": [ [ "The Punter", "eatType", "restaurant" ], [ "The Punter", "food", "Indian" ], [ "The Punter", "priceRange", "moderate" ], [ "The Punter", "customer rating", "1 out of 5" ], [ "The Punter", "area", "riverside" ], [ "The Punter", "familyFriendly", "yes" ], [ "The Punter", "near", "Express by Holiday Inn" ] ], "annotations": [ { "source": "e2e", "text": "The Punter is a restaurant that offers Indian food in the riverside area near Express by Holiday Inn. It has a very low customer rating, in the moderate price range and is family friendly." } ] }, { "tripleset": [ [ "The Punter", "eatType", "restaurant" ], [ "The Punter", "food", "Indian" ], [ "The Punter", "priceRange", "moderate" ], [ "The Punter", "customer rating", "1 out of 5" ], [ "The Punter", "area", "riverside" ], [ "The Punter", "near", "Express by Holiday Inn" ] ], "annotations": [ { "source": "e2e", "text": "The Punter is a restaurant providing Indian food in the moderate price range. It is located in the riverside. It is near Express by Holiday Inn. Its customer rating is 1 out of 5." }, { "source": "e2e", "text": "The Punter is a restaurant providing Indian food in the moderate price range. It is located in the riverside. It is near Express by Holiday Inn. Its customer rating is 1 out of 5." }, { "source": "e2e", "text": "The Punter is a moderately priced restaurant with Indian food. They are rated a 1 out of 5 and children are permitted. The can be located in riverside near Express by Holiday Inn." }, { "source": "e2e", "text": "Conveniently located in riverside near Express by Holiday Inn there is a moderately priced restaurant serving Indian food with a rating of 1 out of 5 called The Punter. Children are permitted." } ] }, { "tripleset": [ [ "The Punter", "eatType", "restaurant" ], [ "The Punter", "food", "Indian" ], [ "The Punter", "priceRange", "moderate" ], [ "The Punter", "customer rating", "3 out of 5" ], [ "The Punter", "area", "riverside" ], [ "The Punter", "familyFriendly", "yes" ], [ "The Punter", "near", "Express by Holiday Inn" ] ], "annotations": [ { "source": "e2e", "text": "Near Express by Holiday Inn in Riverside is a restaurant that offers Indian food called The Punter. It has a very low customer rating and has average prices. It is family friendly." } ] }, { "tripleset": [ [ "The Punter", "eatType", "restaurant" ], [ "The Punter", "food", "Indian" ], [ "The Punter", "priceRange", "moderate" ], [ "The Punter", "customer rating", "3 out of 5" ], [ "The Punter", "area", "city centre" ], [ "The Punter", "familyFriendly", "no" ], [ "The Punter", "near", "Express by Holiday Inn" ] ], "annotations": [ { "source": "e2e", "text": "Located in the city centre The Punter restaurant, with a customer Rating of 3 out of 5, offers Indian food for a moderate price. While it is not kid friendly there is a Express by Holiday Inn nearby." }, { "source": "e2e", "text": "For a moderate price The Punter restaurant offers Indian Cuisine in the city centre. While the restaurant is not kid friendly there is a Express by Holiday Inn nearby and it has a customer rating of 3 out of 5." } ] }, { "tripleset": [ [ "The Punter", "eatType", "restaurant" ], [ "The Punter", "food", "Indian" ], [ "The Punter", "priceRange", "moderate" ], [ "The Punter", "customer rating", "3 out of 5" ], [ "The Punter", "area", "city centre" ], [ "The Punter", "familyFriendly", "yes" ], [ "The Punter", "near", "Express by Holiday Inn" ] ], "annotations": [ { "source": "e2e", "text": "The Punter, restaurant and Indian food is near Express by Holiday Inn in the city centre, family friendly, moderate price with a Rating of 3 out of 5." }, { "source": "e2e", "text": "The Punter is a kid friendly restaurant in the city centre area near Express by Holiday Inn. They serve Indian food at a moderate price range with a customer rating of 3 out of 5." }, { "source": "e2e", "text": "There is a kid friendly restaurant that serves Indian food in the city centre area near Express by Holiday Inn called The Punter. There price ranges are moderate and they have a customer rating of 3 out of 5." } ] }, { "tripleset": [ [ "The Punter", "eatType", "restaurant" ], [ "The Punter", "food", "Indian" ], [ "The Punter", "priceRange", "moderate" ], [ "The Punter", "customer rating", "3 out of 5" ], [ "The Punter", "area", "city centre" ], [ "The Punter", "near", "Express by Holiday Inn" ] ], "annotations": [ { "source": "e2e", "text": "The Punter is a restaurant providing Indian food in the moderate price range. It is located in the city centre. It is near Express by Holiday Inn. Its customer rating is 3 out of 5." }, { "source": "e2e", "text": "The Punter is a restaurant providing Indian food in the moderate price range. It is located in the city centre. It is near Express by Holiday Inn. Its customer rating is 3 out of 5." }, { "source": "e2e", "text": "Indian restaurant and restaurant, The Punter, is located in the city centre near Express by Holiday Inn having a moderate price and 3 out of 5 Rating." } ] }, { "tripleset": [ [ "The Punter", "eatType", "restaurant" ], [ "The Punter", "food", "Indian" ], [ "The Punter", "priceRange", "moderate" ], [ "The Punter", "customer rating", "3 out of 5" ], [ "The Punter", "area", "riverside" ], [ "The Punter", "familyFriendly", "no" ], [ "The Punter", "near", "Express by Holiday Inn" ] ], "annotations": [ { "source": "e2e", "text": "The Punter is an Indian restaurant in a moderate price restaurant. It is near Express by Holiday Inn in riverside and is not a kid friendly place but it does have an average rating." }, { "source": "e2e", "text": "There is a moderate priced restaurant in riverside near Express by Holiday Inn called The Punter. It is an Indian restaurant witch is not kid friendly and has an average rating." } ] }, { "tripleset": [ [ "The Punter", "eatType", "restaurant" ], [ "The Punter", "food", "Indian" ], [ "The Punter", "priceRange", "moderate" ], [ "The Punter", "customer rating", "3 out of 5" ], [ "The Punter", "area", "riverside" ], [ "The Punter", "familyFriendly", "yes" ], [ "The Punter", "near", "Express by Holiday Inn" ] ], "annotations": [ { "source": "e2e", "text": "The Punter is a restaurant, which also serves Indian cuisine at moderate prices. Customers have rated the food 3 out of 5. The Punter is situated near the riverside and Express by Holiday Inn. Children are welcome." }, { "source": "e2e", "text": "The Punter is a restaurant, which also provides Indian cuisine at moderate prices. Customers have rated the food 3 out of 5. The Punter is situated near the riverside and Express by Holiday Inn. Children are welcome." }, { "source": "e2e", "text": "There is a restaurant, The Punter, serving Indian food along the riverside near Express by Holiday Inn. It is kids friendly and is moderately priced with a customer rating of 3 out of 5." }, { "source": "e2e", "text": "Located on the riverside near Express by Holiday Inn, The Punter is a restaurant that also serves Indian food. With a moderate price range and a customer rating of 3 out of 5, it is also a kid friendly place." }, { "source": "e2e", "text": "The Punter is a restaurant serving Indian food with a moderate price. It is located near Express by Holiday Inn along the riverside and is kids friendly. It is rated 3 out of 5." } ] }, { "tripleset": [ [ "The Punter", "eatType", "restaurant" ], [ "The Punter", "food", "Indian" ], [ "The Punter", "priceRange", "moderate" ], [ "The Punter", "customer rating", "3 out of 5" ], [ "The Punter", "area", "riverside" ], [ "The Punter", "near", "Express by Holiday Inn" ] ], "annotations": [ { "source": "e2e", "text": "The Punter is a restaurant providing Indian food in the moderate price range. It is located in the riverside. It is near Express by Holiday Inn. Its customer rating is 3 out of 5." }, { "source": "e2e", "text": "The Punter is an Indian restaurant, it is pretty bad moderate prices and 3 out of 5 customer ratings, The Punter is on the riverside near the Express by Holiday Inn, yes mothers it can accommodate kids." } ] }, { "tripleset": [ [ "The Punter", "eatType", "restaurant" ], [ "The Punter", "food", "Indian" ], [ "The Punter", "priceRange", "more than \u00a330" ], [ "The Punter", "area", "riverside" ], [ "The Punter", "familyFriendly", "yes" ], [ "The Punter", "near", "Express by Holiday Inn" ] ], "annotations": [ { "source": "e2e", "text": "The Punter is a restaurant that offers Indian food that is located near Express by Holiday Inn in the riverside area. The price range is more than 30 euro's and is kid friendly." }, { "source": "e2e", "text": "The Punter is a kid friendly restaurant that offers Indian food. The price is more than 30 euro's and is located near Express by Holiday Inn in the riverside area." } ] }, { "tripleset": [ [ "The Punter", "eatType", "restaurant" ], [ "The Punter", "food", "Indian" ], [ "The Punter", "priceRange", "more than \u00a330" ], [ "The Punter", "area", "riverside" ], [ "The Punter", "near", "Express by Holiday Inn" ] ], "annotations": [ { "source": "e2e", "text": "The Punter is a restaurant that serves excellent Indian food at a high price range in the riverside area near Express by Holiday Inn." } ] }, { "tripleset": [ [ "The Punter", "eatType", "restaurant" ], [ "The Punter", "food", "Indian" ], [ "The Punter", "priceRange", "more than \u00a330" ], [ "The Punter", "customer rating", "high" ], [ "The Punter", "area", "city centre" ], [ "The Punter", "familyFriendly", "no" ], [ "The Punter", "near", "Express by Holiday Inn" ] ], "annotations": [ { "source": "e2e", "text": "In the city centre, near Express by Holiday Inn, you will find The Punter. It is a non children-friendly restaurant that serves Indian food. While its price range is quite high, more than \u00a330, it has a high customer ratings." }, { "source": "e2e", "text": "The Punter is a high rated restaurant found in the city centre near Express by Holiday Inn, that sells Indian food, with a price range of over \u00a330, not child friendly." }, { "source": "e2e", "text": "The Punter, situated near Express by Holiday Inn in the city centre, is an Indian food selling restaurant, with a high customer rating due to the price range of more than \u00a330, not child friendly." }, { "source": "e2e", "text": "The restaurant called The Punter sells Indian food and is not Children friendly. It is located in the center of city by Express by Holiday Inn, the rating is high, and the price range is more than \u00a330." } ] }, { "tripleset": [ [ "The Punter", "eatType", "restaurant" ], [ "The Punter", "food", "Indian" ], [ "The Punter", "priceRange", "more than \u00a330" ], [ "The Punter", "customer rating", "high" ], [ "The Punter", "area", "city centre" ], [ "The Punter", "familyFriendly", "yes" ], [ "The Punter", "near", "Express by Holiday Inn" ] ], "annotations": [ { "source": "e2e", "text": "Near the city centre, The Punter is a restaurant providing Indian cuisine. They charge higher prices and have high customer ratings. They do not allow children. They can be found near Express by Holiday Inn." }, { "source": "e2e", "text": "The Punter is a restaurant that offers Indian food. Its prices are more than \u00a330 but it has a high customer rating. It is located in the city centre near Express by Holiday Inn and it is children Friendly" } ] }, { "tripleset": [ [ "The Punter", "eatType", "restaurant" ], [ "The Punter", "food", "Indian" ], [ "The Punter", "priceRange", "more than \u00a330" ], [ "The Punter", "customer rating", "high" ], [ "The Punter", "area", "city centre" ], [ "The Punter", "near", "Express by Holiday Inn" ] ], "annotations": [ { "source": "e2e", "text": "The Punter is a restaurant providing Indian food in the more than \u00a330 price range. It is located in the city centre. It is near Express by Holiday Inn. Its customer rating is high." }, { "source": "e2e", "text": "The Punter is a restaurant providing Indian food in the more than \u00a330 price range. It is located in the city centre. It is near Express by Holiday Inn. Its customer rating is high." } ] }, { "tripleset": [ [ "The Punter", "eatType", "restaurant" ], [ "The Punter", "food", "Indian" ], [ "The Punter", "priceRange", "more than \u00a330" ], [ "The Punter", "customer rating", "high" ], [ "The Punter", "area", "riverside" ], [ "The Punter", "familyFriendly", "no" ], [ "The Punter", "near", "Express by Holiday Inn" ] ], "annotations": [ { "source": "e2e", "text": "An Indian restaurant in riverside with a high customer rating, The Punter, is located near Express by Holiday Inn. The price range is more than 30 pounds and is not child friendly." }, { "source": "e2e", "text": "The Punter is an Indian restaurant near Express by Holiday Inn that is rated high by customers. It is located in riverside, is not children friendly and has a price range of more than 30 pounds." } ] }, { "tripleset": [ [ "The Punter", "eatType", "restaurant" ], [ "The Punter", "food", "Indian" ], [ "The Punter", "priceRange", "more than \u00a330" ], [ "The Punter", "customer rating", "high" ], [ "The Punter", "area", "riverside" ], [ "The Punter", "familyFriendly", "yes" ], [ "The Punter", "near", "Express by Holiday Inn" ] ], "annotations": [ { "source": "e2e", "text": "The Punter is a riverside restaurant near Express by Holiday Inn offering Indian food for more than \u00a330. It is highly rated and is child friendly." }, { "source": "e2e", "text": "The Punter is a highly rated child friendly restaurant offering Indian food for more than \u00a330. They are located on the riverside near Express by Holiday Inn" }, { "source": "e2e", "text": "The Punter is a restaurant with Indian food in riverside near Express by Holiday Inn. They have a high customer rating, are children friendly, but cost more than 30 pounds." } ] }, { "tripleset": [ [ "The Punter", "eatType", "restaurant" ], [ "The Punter", "food", "Indian" ], [ "The Punter", "priceRange", "more than \u00a330" ], [ "The Punter", "customer rating", "high" ], [ "The Punter", "area", "riverside" ], [ "The Punter", "near", "Express by Holiday Inn" ] ], "annotations": [ { "source": "e2e", "text": "The Punter is a restaurant providing Indian food in the more than \u00a330 price range. It is located in the riverside. It is near Express by Holiday Inn. Its customer rating is high." }, { "source": "e2e", "text": "The Punter is a restaurant providing Indian food in the more than \u00a330 price range. It is located in the riverside. It is near Express by Holiday Inn. Its customer rating is high." }, { "source": "e2e", "text": "There is a restaurant in the riverside area near Express by Holiday Inn called The Punter. It serves high rating Indian food at a high price range." } ] }, { "tripleset": [ [ "The Punter", "eatType", "restaurant" ], [ "The Punter", "food", "Italian" ], [ "The Punter", "area", "city centre" ], [ "The Punter", "familyFriendly", "no" ], [ "The Punter", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "Italian Adult only restaurant The Punter is located near Rainbow Vegetarian Caf\u00e9 in city centre." } ] }, { "tripleset": [ [ "The Punter", "eatType", "restaurant" ], [ "The Punter", "food", "Italian" ], [ "The Punter", "area", "city centre" ], [ "The Punter", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "The Punter is an Italian restaurant that is adult friendly located in the city centre near Rainbow Vegetarian Caf\u00e9." } ] }, { "tripleset": [ [ "The Punter", "eatType", "restaurant" ], [ "The Punter", "food", "Italian" ], [ "The Punter", "area", "riverside" ], [ "The Punter", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "The Punter is eat type restaurant providing Italian food near Rainbow Vegetarian Caf\u00e9 riverside area." } ] }, { "tripleset": [ [ "The Punter", "eatType", "restaurant" ], [ "The Punter", "food", "Italian" ], [ "The Punter", "customer rating", "1 out of 5" ], [ "The Punter", "area", "city centre" ], [ "The Punter", "familyFriendly", "no" ], [ "The Punter", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "A restaurant near Rainbow Vegetarian Caf\u00e9 in the city center called The Punter serves Italian food. It is rated low, not child friendly and priced high." } ] }, { "tripleset": [ [ "The Punter", "eatType", "restaurant" ], [ "The Punter", "food", "Italian" ], [ "The Punter", "customer rating", "1 out of 5" ], [ "The Punter", "area", "riverside" ], [ "The Punter", "familyFriendly", "yes" ], [ "The Punter", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "The Punter, an Italian restaurant located in riverside near Rainbow Vegetarian Caf\u00e9, offers a children friendly atmosphere with prices on the higher end. The Punter has a 1 out of 5 customer rating." } ] }, { "tripleset": [ [ "The Punter", "eatType", "restaurant" ], [ "The Punter", "food", "Italian" ], [ "The Punter", "customer rating", "5 out of 5" ], [ "The Punter", "area", "city centre" ], [ "The Punter", "familyFriendly", "no" ], [ "The Punter", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "The Punter is a restaurant that is not child friendly, low rated and priced high. It is located in the city center near Rainbow Vegetarian Caf\u00e9 and it serves Italian." } ] }, { "tripleset": [ [ "The Punter", "eatType", "restaurant" ], [ "The Punter", "food", "Italian" ], [ "The Punter", "customer rating", "5 out of 5" ], [ "The Punter", "familyFriendly", "yes" ], [ "The Punter", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "High-quality, low-cost Italian can be found near the Rainbow Vegetarian Caf\u00e9 at The Punter restaurant. Atmosphere is family-friendly." }, { "source": "e2e", "text": "The Punter is a five star family friendly Italian restaurant which is located next to Rainbow Vegetarian Caf\u00e9." } ] }, { "tripleset": [ [ "The Punter", "eatType", "restaurant" ], [ "The Punter", "food", "Italian" ], [ "The Punter", "customer rating", "high" ], [ "The Punter", "area", "city centre" ], [ "The Punter", "familyFriendly", "yes" ], [ "The Punter", "near", "Express by Holiday Inn" ] ], "annotations": [ { "source": "e2e", "text": "The Punter is a children friendly venue serving Italian food between \u00a320 -\u00a325. It is a restaurant with a high customer rating. It is based in the city centre near Express by Holiday Inn." }, { "source": "e2e", "text": "The Punter restaurant near the Express by Holiday Inn in the city centre offers highly rated, mid-priced Italian food and a kid friendly environment." } ] }, { "tripleset": [ [ "The Punter", "eatType", "restaurant" ], [ "The Punter", "food", "Italian" ], [ "The Punter", "customer rating", "high" ], [ "The Punter", "area", "city centre" ], [ "The Punter", "near", "Express by Holiday Inn" ] ], "annotations": [ { "source": "e2e", "text": "Mid-priced but highly rated, The Punter restaurant is a great place to eat Italian food with your kids. It is located near the Express by Holiday Inn in the city centre." } ] }, { "tripleset": [ [ "The Punter", "eatType", "restaurant" ], [ "The Punter", "food", "Italian" ], [ "The Punter", "customer rating", "high" ], [ "The Punter", "area", "riverside" ], [ "The Punter", "familyFriendly", "yes" ], [ "The Punter", "near", "Express by Holiday Inn" ] ], "annotations": [ { "source": "e2e", "text": "The Punter has a high customer rating and is kid friendly Italian restaurant near Express by Holiday Inn located in the Riverside area." }, { "source": "e2e", "text": "The Punter Italian restaurant near Express by Holiday Inn in the Riverside area is kid friendly and has a high customer rating." } ] }, { "tripleset": [ [ "The Punter", "eatType", "restaurant" ], [ "The Punter", "food", "Italian" ], [ "The Punter", "customer rating", "high" ], [ "The Punter", "familyFriendly", "yes" ], [ "The Punter", "near", "Express by Holiday Inn" ] ], "annotations": [ { "source": "e2e", "text": "Next to Express by Holiday Inn there is a restaurant called The Punter that sells Italian food, it is five star rated, medium priced and family friendly." }, { "source": "e2e", "text": "There is a restaurant called The Punter, it is medium priced, five star rated, family friendly and sells Italian. It is located next to Express by Holiday Inn." } ] }, { "tripleset": [ [ "The Punter", "eatType", "restaurant" ], [ "The Punter", "food", "Italian" ], [ "The Punter", "familyFriendly", "yes" ], [ "The Punter", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "The Punter restaurant offers low-cost Italian in a family-friendly environment. Located near Rainbow Vegetarian Caf\u00e9." } ] }, { "tripleset": [ [ "The Punter", "eatType", "restaurant" ], [ "The Punter", "food", "Italian" ], [ "The Punter", "priceRange", "cheap" ], [ "The Punter", "area", "city centre" ], [ "The Punter", "familyFriendly", "no" ], [ "The Punter", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "The Punter is an average, cheap, Italian restaurant, near Rainbow Vegetarian Caf\u00e9 in the city center. They are not family-friendly." }, { "source": "e2e", "text": "An average, cheap, Italian restaurant, near Rainbow Vegetarian Caf\u00e9 in the city center, is called The Punter. They are not family-friendly." } ] }, { "tripleset": [ [ "The Punter", "eatType", "restaurant" ], [ "The Punter", "food", "Italian" ], [ "The Punter", "priceRange", "cheap" ], [ "The Punter", "area", "city centre" ], [ "The Punter", "familyFriendly", "yes" ], [ "The Punter", "near", "Express by Holiday Inn" ] ], "annotations": [ { "source": "e2e", "text": "The Punter restaurant in the city centre provides cheap Italian food and has achieved high customer satisfaction. It does not cater for families with children. Express by Holiday Inn is nearby." } ] }, { "tripleset": [ [ "The Punter", "eatType", "restaurant" ], [ "The Punter", "food", "Italian" ], [ "The Punter", "priceRange", "cheap" ], [ "The Punter", "area", "riverside" ], [ "The Punter", "familyFriendly", "yes" ], [ "The Punter", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "There is cheap Italian food restaurant called The Punter near the Rainbow Vegetarian Caf\u00e9 riverside, it is a family friendly restaurant." } ] }, { "tripleset": [ [ "The Punter", "eatType", "restaurant" ], [ "The Punter", "food", "Italian" ], [ "The Punter", "priceRange", "cheap" ], [ "The Punter", "customer rating", "5 out of 5" ], [ "The Punter", "area", "city centre" ], [ "The Punter", "familyFriendly", "yes" ], [ "The Punter", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "In the city centre near Rainbow Vegetarian Caf\u00e9 there is a cheap restaurant called The Punter which serves Italian food. It is family-friendly and has an average customer rating of 5 out of 5." } ] }, { "tripleset": [ [ "The Punter", "eatType", "restaurant" ], [ "The Punter", "food", "Italian" ], [ "The Punter", "priceRange", "cheap" ], [ "The Punter", "customer rating", "5 out of 5" ], [ "The Punter", "area", "city centre" ], [ "The Punter", "familyFriendly", "no" ], [ "The Punter", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "The Punter is a cheap Italian restaurant near Rainbow Vegetarian Caf\u00e9 in the city center, we are no a family-friendly restaurant with a great customer Rating of 5 out of 5." }, { "source": "e2e", "text": "The Punter is a cheap Italian restaurant near Rainbow Vegetarian Caf\u00e9 in the city center, we are no a family-friendly restaurant with a great customer Rating of 5 out of 5." }, { "source": "e2e", "text": "In the city centre near Rainbow Vegetarian Caf\u00e9 there is a restaurant called The Punter. It serves low priced Italian food and has a high customer rating. It is not family-friendly." } ] }, { "tripleset": [ [ "The Punter", "eatType", "restaurant" ], [ "The Punter", "food", "Italian" ], [ "The Punter", "priceRange", "cheap" ], [ "The Punter", "customer rating", "5 out of 5" ], [ "The Punter", "area", "city centre" ], [ "The Punter", "familyFriendly", "yes" ], [ "The Punter", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "The Punter is a restaurant, located in the city centre area near to Rainbow Vegetarian Caf\u00e9 which serves Italian food. It is cheap and family-friendly with a customer rating of 5 out of 5." }, { "source": "e2e", "text": "With a customer rating of 5 out of 5 there is a restaurant serving Italian food called The Punter near Rainbow Vegetarian Caf\u00e9 in the city centre. It is family-friendly and cheap." } ] }, { "tripleset": [ [ "The Punter", "eatType", "restaurant" ], [ "The Punter", "food", "Italian" ], [ "The Punter", "priceRange", "cheap" ], [ "The Punter", "customer rating", "5 out of 5" ], [ "The Punter", "area", "riverside" ], [ "The Punter", "familyFriendly", "no" ], [ "The Punter", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "The Punter, a low priced, high rated, Italian restaurant is not family-friendly and located in riverside near Rainbow Vegetarian Caf\u00e9." }, { "source": "e2e", "text": "A restaurant named The Punter sells Italian food is not family-friendly and the price range is cheap with a customer rating 5 out of 5 located in riverside near Rainbow Vegetarian Caf\u00e9" }, { "source": "e2e", "text": "Cheap, 5 out of 5 restaurant called The Punter is not a family-friendly place but sells Italian food in the area of riverside near Rainbow Vegetarian Caf\u00e9" } ] }, { "tripleset": [ [ "The Punter", "eatType", "restaurant" ], [ "The Punter", "food", "Italian" ], [ "The Punter", "priceRange", "cheap" ], [ "The Punter", "customer rating", "5 out of 5" ], [ "The Punter", "area", "riverside" ], [ "The Punter", "familyFriendly", "yes" ], [ "The Punter", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "Located by the river, near Rainbow Vegetarian Caf\u00e9 is a family friendly, affordable restaurant serving Italian food. The Punter is rated 5 out of 5 by its customers." }, { "source": "e2e", "text": "Located near Rainbow Vegetarian Caf\u00e9 in the Riverside area, visit the The Punter restaurant for a cheap family friendly environment with Italian food and a 5 out of 5 customer rating." }, { "source": "e2e", "text": "When looking for a cheap restaurant in the Riverside area with a customer rating of 5 out of 5, The Punter offers a family friendly environment with Italian food. The Punter is located near Rainbow Vegetarian Caf\u00e9." }, { "source": "e2e", "text": "The Punter is located next to Rainbow Vegetarian Caf\u00e9 on the river. It is a five star, inexpensive, family friendly Italian restaurant." } ] }, { "tripleset": [ [ "The Punter", "eatType", "restaurant" ], [ "The Punter", "food", "Italian" ], [ "The Punter", "priceRange", "cheap" ], [ "The Punter", "customer rating", "average" ], [ "The Punter", "area", "city centre" ], [ "The Punter", "familyFriendly", "no" ], [ "The Punter", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "For cheap Italian food at a place that isn't family-friendly and has an average customer rating, visit The Punter restaurant. It is located in the city centre near Rainbow Vegetarian Caf\u00e9." }, { "source": "e2e", "text": "The Punter is a cheap, non family-friendly, restaurant located in the city centre near Rainbow Vegetarian Caf\u00e9. They serve Italian and have an average customer rating." } ] }, { "tripleset": [ [ "The Punter", "eatType", "restaurant" ], [ "The Punter", "food", "Italian" ], [ "The Punter", "priceRange", "cheap" ], [ "The Punter", "customer rating", "average" ], [ "The Punter", "area", "city centre" ], [ "The Punter", "familyFriendly", "yes" ], [ "The Punter", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "The Punter is a low priced, average consumer rated, family-friendly restaurant, that serves Italian food. It is located near Rainbow Vegetarian Caf\u00e9 in the city centre." }, { "source": "e2e", "text": "The Punter is a Italian restaurant near Rainbow Vegetarian Caf\u00e9. This family-friendly location in the city center area has a average rating with cheap prices." }, { "source": "e2e", "text": "The Punter is a family-friendly restaurant serving cheap Italian food. It's located in the city centre near Rainbow Vegetarian Caf\u00e9 and has an average customer rating." }, { "source": "e2e", "text": "The Punter is a family-friendly location with a average rating near Rainbow Vegetarian Caf\u00e9. The Punter is an Italian restaurant with cheap prices in the city center." }, { "source": "e2e", "text": "There is a cheap, restaurant that serves Italian, named The Punter, in the city centre near Rainbow Vegetarian Caf\u00e9. It has an average customer rating and is family friendly" } ] }, { "tripleset": [ [ "The Punter", "eatType", "restaurant" ], [ "The Punter", "food", "Italian" ], [ "The Punter", "priceRange", "cheap" ], [ "The Punter", "customer rating", "average" ], [ "The Punter", "area", "riverside" ], [ "The Punter", "familyFriendly", "no" ], [ "The Punter", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "hello and welcome to The Punter, we serve the finest Italian food around and have an average customer rating this is very good for a restaurant we are near Rainbow Vegetarian Caf\u00e9 and our area is the riverside our price range is very cheap for such good food at the moment we are not family-friendly." }, { "source": "e2e", "text": "hello and welcome to The Punter, we serve the finest Italian food around and have an average customer rating this is very good for a restaurant we are near Rainbow Vegetarian Caf\u00e9 and our area is the riverside our price range is very cheap for such good food at the moment we are not family-friendly." } ] }, { "tripleset": [ [ "The Punter", "eatType", "restaurant" ], [ "The Punter", "food", "Italian" ], [ "The Punter", "priceRange", "cheap" ], [ "The Punter", "customer rating", "average" ], [ "The Punter", "area", "riverside" ], [ "The Punter", "familyFriendly", "yes" ], [ "The Punter", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "By the riverside and near Rainbow Vegetarian Caf\u00e9 is a cheap family friendly Italian restaurant called The Punter. It has a customer rating of average." }, { "source": "e2e", "text": "The Punter is a cheap, family-friendly, Italian restaurant near Rainbow Vegetarian Caf\u00e9, in riverside. It has an average customer rating." }, { "source": "e2e", "text": "The Punter is a cheap, family-friendly, Italian restaurant near Rainbow Vegetarian Caf\u00e9, in riverside, with an average customer rating." } ] }, { "tripleset": [ [ "The Punter", "eatType", "restaurant" ], [ "The Punter", "food", "Italian" ], [ "The Punter", "priceRange", "cheap" ], [ "The Punter", "customer rating", "average" ], [ "The Punter", "area", "riverside" ], [ "The Punter", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "Cheap Italian food for adults can be found at The Punter restaurant, near Rainbow Vegetarian Caf\u00e9 on the riverside. Average ratings, and cheap prices." }, { "source": "e2e", "text": "A restaurant serving Italian food for adults can be found on the riverside near Rainbow Vegetarian Caf\u00e9. The Punter has average ratings, and cheap prices" } ] }, { "tripleset": [ [ "The Punter", "eatType", "restaurant" ], [ "The Punter", "food", "Italian" ], [ "The Punter", "priceRange", "cheap" ], [ "The Punter", "familyFriendly", "yes" ], [ "The Punter", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "The Punter is a cheap family friendly restaurant that offers Italian food and is located next to the Rainbow Vegetarian Caf\u00e9." }, { "source": "e2e", "text": "There is a cheap family friendly restaurant located near the Rainbow Vegetarian Caf\u00e9 called The Punter. They offer good Italian food." }, { "source": "e2e", "text": "The Punter is located close to Rainbow Vegetarian Caf\u00e9 there is a average cheap family friendly Italian restaurant." } ] }, { "tripleset": [ [ "The Punter", "eatType", "restaurant" ], [ "The Punter", "food", "Italian" ], [ "The Punter", "priceRange", "high" ], [ "The Punter", "customer rating", "1 out of 5" ], [ "The Punter", "area", "city centre" ], [ "The Punter", "familyFriendly", "yes" ], [ "The Punter", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "With a high price range and low customer service rating of 1 out of 5, a family-friendly Italian restaurant named The Punter has opened in the city centre near Rainbow Vegetarian Caf\u00e9." } ] }, { "tripleset": [ [ "The Punter", "eatType", "restaurant" ], [ "The Punter", "food", "Italian" ], [ "The Punter", "priceRange", "more than \u00a330" ], [ "The Punter", "customer rating", "5 out of 5" ], [ "The Punter", "area", "riverside" ], [ "The Punter", "familyFriendly", "no" ], [ "The Punter", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "The Punter is a non-family-friendly Italian restaurant with low prices and high ratings. Located in riverside, near Rainbow Vegetarian Caf\u00e9." } ] }, { "tripleset": [ [ "The Punter", "eatType", "restaurant" ], [ "The Punter", "food", "Italian" ], [ "The Punter", "priceRange", "high" ], [ "The Punter", "area", "city centre" ], [ "The Punter", "familyFriendly", "yes" ], [ "The Punter", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "There is a children Friendly restaurant The Punter in the city centre that provides Italian food at high price. It is located near Rainbow Vegetarian Caf\u00e9 and it has customer rating of 1 put of 5." }, { "source": "e2e", "text": "The Punter is a children Friendly restaurant with high price range providing Italian food. It is located in the city centre near Rainbow Vegetarian Caf\u00e9 and it has customer rating of 1 put of 5." } ] }, { "tripleset": [ [ "The Punter", "eatType", "restaurant" ], [ "The Punter", "food", "Italian" ], [ "The Punter", "priceRange", "high" ], [ "The Punter", "area", "riverside" ], [ "The Punter", "familyFriendly", "yes" ], [ "The Punter", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "The Punter is a high priced Italian restaurant. It is kid friendly with a customer rating of out of 5 near Rainbow Vegetarian Caf\u00e9 in the riverside area." } ] }, { "tripleset": [ [ "The Punter", "eatType", "restaurant" ], [ "The Punter", "food", "Italian" ], [ "The Punter", "priceRange", "high" ], [ "The Punter", "customer rating", "1 out of 5" ], [ "The Punter", "area", "city centre" ], [ "The Punter", "familyFriendly", "no" ], [ "The Punter", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "Located near Rainbow Vegetarian Caf\u00e9 in the city centre, The Punter is a non kid friendly Italian restaurant with a high price range and a customer rating of 1 out of 5." }, { "source": "e2e", "text": "The Punter, located near Rainbow Vegetarian Caf\u00e9 in the city centre, is a non kid friendly Italian restaurant with a high price range and a customer rating of 1 out of 5." } ] }, { "tripleset": [ [ "The Punter", "eatType", "restaurant" ], [ "The Punter", "food", "Italian" ], [ "The Punter", "priceRange", "high" ], [ "The Punter", "customer rating", "1 out of 5" ], [ "The Punter", "area", "city centre" ], [ "The Punter", "familyFriendly", "yes" ], [ "The Punter", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "Serving Italian food, The Punter is a restaurant in the center of the city, near Rainbow Vegetarian Caf\u00e9. It has a high price range and is family-friendly. Customers rate is 1 out of 5." }, { "source": "e2e", "text": "The Punter, a family-friendly Italian restaurant in the city centre near Rainbow Vegetarian Caf\u00e9, is high priced and but has a lower customer service rating of 1 out of 5." }, { "source": "e2e", "text": "A restaurant serving Italian food that is child friendly is The Punter. Located near Rainbow Vegetarian Caf\u00e9 in the city centre , customers have rated it 1 out of 5 and the price range is high." } ] }, { "tripleset": [ [ "The Punter", "eatType", "restaurant" ], [ "The Punter", "food", "Italian" ], [ "The Punter", "priceRange", "high" ], [ "The Punter", "customer rating", "1 out of 5" ], [ "The Punter", "area", "riverside" ], [ "The Punter", "familyFriendly", "no" ], [ "The Punter", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "The Punter near Rainbow Vegetarian Caf\u00e9 in the riverside as a restaurant with a high price range is not children friendly. They provide Italian food with a customer rating 1 out of 5." }, { "source": "e2e", "text": "The Punter is a high price range restaurant in riverside near Rainbow Vegetarian Caf\u00e9. It has low customer ratings and it is not kids friendly but they serve Italian food." }, { "source": "e2e", "text": "There is a high price range restaurant The Punter in riverside near Rainbow Vegetarian Caf\u00e9. It is not kids friendly and it has low customer ratings but they serve Italian food." }, { "source": "e2e", "text": "The Punter near Rainbow Vegetarian Caf\u00e9 in the riverside is a restaurant with a high price range providing Italian food. They are not children friendly and have a customer rating 1 out of 5." }, { "source": "e2e", "text": "Located near Rainbow Vegetarian Caf\u00e9 at the riverside is The Punter Italian restaurant which has a high price Range and is rated 1 out of 5 with being not children Friendly" }, { "source": "e2e", "text": "The Punter Italian restaurant located near Rainbow Vegetarian Caf\u00e9 in the riverside area is a high priced restaurant with an customer Rating of 1 out of 5 that is not children friendly." } ] }, { "tripleset": [ [ "The Punter", "eatType", "restaurant" ], [ "The Punter", "food", "Italian" ], [ "The Punter", "priceRange", "high" ], [ "The Punter", "customer rating", "1 out of 5" ], [ "The Punter", "area", "riverside" ], [ "The Punter", "familyFriendly", "yes" ], [ "The Punter", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "The Punter is a kid friendly Italian restaurant near Rainbow Vegetarian Caf\u00e9 in the riverside area. It is high priced with a customer rating of 1 out of 5." }, { "source": "e2e", "text": "The Punter is a children friendly Italian restaurant located in riverside near Rainbow Vegetarian Caf\u00e9. The prices are on the high end with a 1 out of 5 customer rating." } ] }, { "tripleset": [ [ "The Punter", "eatType", "restaurant" ], [ "The Punter", "food", "Italian" ], [ "The Punter", "priceRange", "\u00a320-25" ], [ "The Punter", "area", "riverside" ], [ "The Punter", "familyFriendly", "yes" ], [ "The Punter", "near", "Express by Holiday Inn" ] ], "annotations": [ { "source": "e2e", "text": "Riverside Italian food and restaurant names The Punter, located near Express by Holiday Inn. Prices from \u00a320-25 and is kid Friendly." } ] }, { "tripleset": [ [ "The Punter", "eatType", "restaurant" ], [ "The Punter", "food", "Italian" ], [ "The Punter", "priceRange", "\u00a320-25" ], [ "The Punter", "customer rating", "high" ], [ "The Punter", "area", "riverside" ], [ "The Punter", "familyFriendly", "no" ], [ "The Punter", "near", "Express by Holiday Inn" ] ], "annotations": [ { "source": "e2e", "text": "The Punter has a high customer rating and average prices. Serving Italian food in the riverside area, it is a restaurant, located near Express by Holiday Inn. It is not family-friendly." } ] }, { "tripleset": [ [ "The Punter", "eatType", "restaurant" ], [ "The Punter", "food", "Italian" ], [ "The Punter", "priceRange", "\u00a320-25" ], [ "The Punter", "customer rating", "high" ], [ "The Punter", "area", "city centre" ], [ "The Punter", "familyFriendly", "yes" ], [ "The Punter", "near", "Express by Holiday Inn" ] ], "annotations": [ { "source": "e2e", "text": "The Punter is an Italian food restaurant located near Express by Holiday Inn in the city centre. With a price range of \u00a320-25, it is highly rated and is not conducive for kids." }, { "source": "e2e", "text": "Located near Express by Holiday Inn in the city centre is a highly rated restaurant called The Punter. The Punter is not conducive for kids. They serve Italian food with a price range of \u00a320-25." }, { "source": "e2e", "text": "The Punter is a kid friendly restaurant that also serves Italian food. It has a high customer rating, so if you are interested it is located near Express by Holiday Inn in city centre and the bill will be around \u00a320-25." }, { "source": "e2e", "text": "The Punter is a kid friendly restaurant that also serves Italian food. It has a high customer rating, so if you are interested it is located near Express by Holiday Inn in city centre and the bill will be around \u00a320-25." } ] }, { "tripleset": [ [ "The Punter", "eatType", "restaurant" ], [ "The Punter", "food", "Italian" ], [ "The Punter", "priceRange", "\u00a320-25" ], [ "The Punter", "customer rating", "high" ], [ "The Punter", "area", "riverside" ], [ "The Punter", "familyFriendly", "no" ], [ "The Punter", "near", "Express by Holiday Inn" ] ], "annotations": [ { "source": "e2e", "text": "In the price range of 20-25 is The Punter, a restaurant near Express by Holiday Inn in the riverside area. It is not kid friendly and serves Italian food. It has a high customer rating." }, { "source": "e2e", "text": "The Punter is an Italian restaurant in the riverside area near Express by Holiday Inn. The price range is 20-25 and has a high customer rating. It is not kid friendly." }, { "source": "e2e", "text": "The Punter is a restaurant near Express by Holiday Inn at riverside. It also provides Italian food at a price range of \u00a320-25. It's not suitable for kids, however it is highly rated by customers." }, { "source": "e2e", "text": "There is a restaurant, The Punter which offers Italian food in \u00a320-25. It is located near the Express by Holiday Inn at riverside. Its customer rating is high although it is not friendly to children." } ] }, { "tripleset": [ [ "The Punter", "eatType", "restaurant" ], [ "The Punter", "food", "Italian" ], [ "The Punter", "priceRange", "\u00a320-25" ], [ "The Punter", "customer rating", "high" ], [ "The Punter", "area", "riverside" ], [ "The Punter", "familyFriendly", "yes" ], [ "The Punter", "near", "Express by Holiday Inn" ] ], "annotations": [ { "source": "e2e", "text": "The Punter is a kids friendly restaurant in Riverside near Express by Holiday Inn that serves Italian food for \u00a320-25. It has a high customer rating." }, { "source": "e2e", "text": "This Italian food restaurant in riverside, names The Punter, located near Express by Holiday Inn. Prices ranging from \u00a320-25 has a high rating and is kids Friendly." }, { "source": "e2e", "text": "The Punter is a kids friendly restaurant in Riverside near Express by Holiday Inn that serves Italian food for \u00a320-25. It has a high customer rating." } ] }, { "tripleset": [ [ "The Punter", "eatType", "restaurant" ], [ "The Punter", "food", "Italian" ], [ "The Punter", "priceRange", "\u00a320-25" ], [ "The Punter", "customer rating", "high" ], [ "The Punter", "familyFriendly", "no" ], [ "The Punter", "near", "Express by Holiday Inn" ] ], "annotations": [ { "source": "e2e", "text": "The Punter, near Express by Holiday Inn is an Italian restaurant with a price range of \u00a320-25, and was given a high customer rating but is not kid-friendly." }, { "source": "e2e", "text": "As a restaurant that has Italian food, The Punter's price range is \u00a320-25 and has a high customer rating. This non family-friendly place is located near Express by Holiday Inn." } ] }, { "tripleset": [ [ "The Punter", "eatType", "restaurant" ], [ "The Punter", "food", "Italian" ], [ "The Punter", "priceRange", "\u00a320-25" ], [ "The Punter", "familyFriendly", "no" ], [ "The Punter", "near", "Express by Holiday Inn" ] ], "annotations": [ { "source": "e2e", "text": "Near Express by Holiday Inn is and Italian restaurant called The Punter. It has a price range of \u00a320-25 and is not kid-friendly." } ] }, { "tripleset": [ [ "The Punter", "eatType", "restaurant" ], [ "The Punter", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "The Punter restaurant near Rainbow Vegetarian Caf\u00e9 has good continental dishes at good prices." } ] }, { "tripleset": [ [ "The Punter", "eatType", "restaurant" ], [ "The Punter", "priceRange", "cheap" ], [ "The Punter", "area", "city centre" ], [ "The Punter", "familyFriendly", "yes" ], [ "The Punter", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "Located at Rainbow Vegetarian Caf\u00e9 in City centre, The Punter restaurant offers good affordable meals and is family friendly." } ] }, { "tripleset": [ [ "The Punter", "eatType", "restaurant" ], [ "The Punter", "priceRange", "cheap" ], [ "The Punter", "customer rating", "5 out of 5" ], [ "The Punter", "area", "city centre" ], [ "The Punter", "familyFriendly", "yes" ], [ "The Punter", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "There is a cheap restaurant which is family-friendly and it is located in the city centre area, close to Rainbow Vegetarian Caf\u00e9. It is called The Punter and it has a customer rating of 5 out of 5." } ] }, { "tripleset": [ [ "The Punter", "eatType", "restaurant" ], [ "The Punter", "priceRange", "cheap" ], [ "The Punter", "customer rating", "average" ], [ "The Punter", "area", "city centre" ], [ "The Punter", "familyFriendly", "yes" ], [ "The Punter", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "In the city centre there is a cheap restaurant with average customer ratings. It's called The Punter and is family-friendly, located near Rainbow Vegetarian Caf\u00e9." } ] }, { "tripleset": [ [ "The Punter", "eatType", "restaurant" ], [ "The Punter", "priceRange", "cheap" ], [ "The Punter", "customer rating", "average" ], [ "The Punter", "area", "city centre" ], [ "The Punter", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "The Punter is a low priced restaurant with a three star rating. It is located in the city centre near Rainbow Vegetarian Caf\u00e9." }, { "source": "e2e", "text": "The Punter restaurant is low priced, rated three stars and is for the whole family. It is in the City center close to Rainbow Vegetarian Caf\u00e9. It serves fine food." }, { "source": "e2e", "text": "Located in the city centre near Rainbow Vegetarian Caf\u00e9, The Punter is a low priced restaurant with a three out of five star rating." } ] }, { "tripleset": [ [ "The Punter", "eatType", "restaurant" ], [ "The Punter", "priceRange", "cheap" ], [ "The Punter", "customer rating", "average" ], [ "The Punter", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "The Punter is a low priced three-star restaurant located next to Rainbow Vegetarian Caf\u00e9." } ] }, { "tripleset": [ [ "The Punter", "eatType", "restaurant" ], [ "The Punter", "priceRange", "high" ], [ "The Punter", "area", "city centre" ], [ "The Punter", "familyFriendly", "no" ], [ "The Punter", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "In the city centre, near Raja Indian Cuisine, there is a restaurant called The Punter. It has high prices, and it is not children friendly." } ] }, { "tripleset": [ [ "The Punter", "eatType", "restaurant" ], [ "The Punter", "priceRange", "high" ], [ "The Punter", "customer rating", "1 out of 5" ], [ "The Punter", "area", "riverside" ], [ "The Punter", "familyFriendly", "yes" ], [ "The Punter", "near", "Express by Holiday Inn" ] ], "annotations": [ { "source": "e2e", "text": "The Punter restaurant is children friendly. The shop has 1 out of 5 rating due to it high-priced items. You could find the shop near riverside next to Express by Holiday Inn." } ] }, { "tripleset": [ [ "The Punter", "eatType", "restaurant" ], [ "The Punter", "priceRange", "high" ], [ "The Punter", "customer rating", "average" ], [ "The Punter", "area", "riverside" ], [ "The Punter", "familyFriendly", "no" ], [ "The Punter", "near", "Express by Holiday Inn" ] ], "annotations": [ { "source": "e2e", "text": "The Punter is a high priced restaurant that is not child friendly. It is located near Express by Holiday Inn in riverside and have an average rating." } ] }, { "tripleset": [ [ "The Punter", "eatType", "restaurant" ], [ "The Punter", "priceRange", "high" ], [ "The Punter", "familyFriendly", "yes" ], [ "The Punter", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "The Punter is a family-friendly restaurant in the high price range, located close to Rainbow Vegetarian Caf\u00e9." }, { "source": "e2e", "text": "The Punter is an expensive family friendly restaurant, by the side of the river and just down the road from Rainbow Vegetarian Caf\u00e9." } ] }, { "tripleset": [ [ "The Punter", "eatType", "restaurant" ], [ "The Punter", "priceRange", "less than \u00a320" ], [ "The Punter", "customer rating", "low" ], [ "The Punter", "area", "riverside" ], [ "The Punter", "familyFriendly", "no" ], [ "The Punter", "near", "Express by Holiday Inn" ] ], "annotations": [ { "source": "e2e", "text": "Near Express by Holiday Inn, in the riverside area, is the restaurant The Punter. It is not family Friendly, has a low customer Rating and is in the price Range of less than \u00a320." } ] }, { "tripleset": [ [ "The Punter", "eatType", "restaurant" ], [ "The Punter", "priceRange", "moderate" ], [ "The Punter", "customer rating", "3 out of 5" ], [ "The Punter", "area", "city centre" ], [ "The Punter", "familyFriendly", "yes" ], [ "The Punter", "near", "Express by Holiday Inn" ] ], "annotations": [ { "source": "e2e", "text": "The Punter is a restaurant. It is moderately priced. It is near Express by Holiday Inn. It has a customer rating of 3 out of 5. It is in city centre. It is kid friendly." } ] }, { "tripleset": [ [ "The Punter", "eatType", "restaurant" ], [ "The Punter", "priceRange", "more than \u00a330" ], [ "The Punter", "area", "riverside" ], [ "The Punter", "familyFriendly", "yes" ], [ "The Punter", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The is a restaurant that had a price for over 30 euros per meal. It's called The Punter and it's children friendly. Its located in Riverside near the Raja Indian Cuisine." } ] }, { "tripleset": [ [ "The Punter", "eatType", "restaurant" ], [ "The Punter", "priceRange", "more than \u00a330" ], [ "The Punter", "customer rating", "high" ], [ "The Punter", "area", "riverside" ], [ "The Punter", "familyFriendly", "yes" ], [ "The Punter", "near", "Express by Holiday Inn" ] ], "annotations": [ { "source": "e2e", "text": "Although The Punter restaurant costs more than 30 euros, they have great customer reviews and are children friendly. It is located near Express by Holiday Inn in riverside." } ] }, { "tripleset": [ [ "The Punter", "eatType", "restaurant" ], [ "The Punter", "priceRange", "more than \u00a330" ], [ "The Punter", "familyFriendly", "yes" ], [ "The Punter", "near", "Express by Holiday Inn" ] ], "annotations": [ { "source": "e2e", "text": "There is a children friendly restaurant The Punter near Express by Holiday Inn high price range." } ] }, { "tripleset": [ [ "The Punter", "food", "Italian" ], [ "The Punter", "priceRange", "\u00a320-25" ], [ "The Punter", "near", "Express by Holiday Inn" ] ], "annotations": [ { "source": "e2e", "text": "The Punter is next to Express by Holiday Inn with a price range to \u00a320-25 great service an Italian food" } ] }, { "tripleset": [ [ "The Vaults", "eatType", "restaurant" ], [ "The Vaults", "priceRange", "moderate" ], [ "The Vaults", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "The Vaults pub is a family Caf\u00e9. Mid-range price and very close to Rainbow Vegetarian Caf\u00e9 restaurant." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "food", "French" ], [ "The Vaults", "priceRange", "less than \u00a320" ], [ "The Vaults", "area", "riverside" ], [ "The Vaults", "familyFriendly", "no" ], [ "The Vaults", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "Great French food is sold at The Vaults pub. With a price range of less than \u00a320 and no kids allowed, the riverside Caf\u00e9 near the Raja Indian Cuisine is sure to please." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "restaurant" ], [ "The Vaults", "food", "French" ], [ "The Vaults", "priceRange", "less than \u00a320" ], [ "The Vaults", "area", "riverside" ], [ "The Vaults", "familyFriendly", "no" ], [ "The Vaults", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "Great French food is sold at The Vaults restaurant. With a price range of less than \u00a320 and no kids allowed, the riverside Caf\u00e9 near the Raja Indian Cuisine is sure to please." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "restaurant" ], [ "The Vaults", "food", "Japanese" ], [ "The Vaults", "familyFriendly", "yes" ], [ "The Vaults", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "There is a Japanese food eat type restaurant by the name of The Vaults that serves coffee near Raja Indian Cuisine , it is is family friendly with a $20 or less price range." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "coffee shop" ], [ "The Vaults", "food", "French" ], [ "The Vaults", "area", "riverside" ], [ "The Vaults", "familyFriendly", "yes" ], [ "The Vaults", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Vaults, located near Raja Indian Cuisine, is a high end French bistro and Caf\u00e9 in Riverside and it is kid friendly." }, { "source": "e2e", "text": "The Vaults, located near Raja Indian Cuisine, is a high end French bistro and Caf\u00e9 in Riverside and it is kid friendly." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "coffee shop" ], [ "The Vaults", "food", "French" ], [ "The Vaults", "priceRange", "more than \u00a330" ], [ "The Vaults", "area", "riverside" ], [ "The Vaults", "familyFriendly", "yes" ], [ "The Vaults", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "Near the Raja Indian Cuisine, by the river, The Vaults offers a child friendly environment, prices over \u00a330, and French food and coffee." }, { "source": "e2e", "text": "Priced at more than \u00a330, and located by the riverside, The Vaults, near Raja Indian Cuisine, is a child friendly coffee house that serves French cuisine" }, { "source": "e2e", "text": "Near the Raja Indian Cuisine, by the river, The Vaults offers a child friendly environment, prices over \u00a330, and French food and coffee." }, { "source": "e2e", "text": "Priced at more than \u00a330, and located by the riverside, The Vaults, near Raja Indian Cuisine, is a child friendly coffee house that serves French cuisine" } ] }, { "tripleset": [ [ "The Vaults", "eatType", "coffee shop" ], [ "The Vaults", "food", "Indian" ], [ "The Vaults", "priceRange", "\u00a320-25" ], [ "The Vaults", "area", "riverside" ], [ "The Vaults", "familyFriendly", "yes" ], [ "The Vaults", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Vaults serves Indian food and coffee for \u00a320-25. It's by the river, near Raja Indian Cuisine, and welcomes kids." }, { "source": "e2e", "text": "The Vaults serves Indian food and coffee for \u00a320-25. It's by the river, near Raja Indian Cuisine, and welcomes kids." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "coffee shop" ], [ "The Vaults", "food", "Italian" ], [ "The Vaults", "customer rating", "high" ], [ "The Vaults", "area", "city centre" ], [ "The Vaults", "familyFriendly", "yes" ], [ "The Vaults", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "The Vaults is located in City Centre, near Rainbow Vegetarian Caf\u00e9. It is an Italian coffee sheep that is family friendly and pricey. It has a 5 out of 5 star rating." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "coffee shop" ], [ "The Vaults", "food", "Italian" ], [ "The Vaults", "priceRange", "more than \u00a330" ], [ "The Vaults", "customer rating", "high" ], [ "The Vaults", "area", "riverside" ], [ "The Vaults", "familyFriendly", "no" ], [ "The Vaults", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "There is a highly rated coffee ship that is not kid friendly near Rainbow Vegetarian Caf\u00e9. It is called The Vaults in Riverside and has a price range over 30 pounds for Italian food" } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "area", "city centre" ], [ "The Vaults", "familyFriendly", "yes" ], [ "The Vaults", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "The Vaults is a pub located just outside the city center for families that serves food. Located next to the Rainbow Vegetarian Caf\u00e9." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "area", "city centre" ], [ "The Vaults", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "The Vaults family pub is mid ranged priced located near the city centre. It is near Rainbow Vegetarian Caf\u00e9." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "area", "riverside" ] ], "annotations": [ { "source": "e2e", "text": "The Vaults is a pub in Riverside, near the Rainbow Vegetarian Caf\u00e9s, that offers low pricing for less than superior service." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "area", "riverside" ], [ "The Vaults", "familyFriendly", "no" ], [ "The Vaults", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "Sitting on the riverside close to Raja Indian Cuisine, The Vaults is a low cost pub. This is not a family friendly pub." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "area", "riverside" ], [ "The Vaults", "familyFriendly", "yes" ], [ "The Vaults", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "Located near Rainbow Vegetarian Caf\u00e9 on the river, The Vaults is a low cost, family friendly pub." }, { "source": "e2e", "text": "The Vaults is a low cost, family friendly pub located riverside near Rainbow Vegetarian Caf\u00e9." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "area", "riverside" ], [ "The Vaults", "familyFriendly", "yes" ], [ "The Vaults", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Vaults is a reasonably priced, family friendly pub located near Raja Indian Cuisine by the river." }, { "source": "e2e", "text": "The Vaults is a family friendly pub that deals in modern delicacies. They cater to those with checkbooks of moderate size, and can be found in the Park on the River, just east of Raja Indian Cuisine." }, { "source": "e2e", "text": "The Vaults is a pub is located near Raja Indian Cuisine by the river. They are a reasonably priced pub that is family friendly." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "area", "riverside" ], [ "The Vaults", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "The Vaults is a pub It provides fast foods at a reduced price and is located near the river,there Rainbow Vegetarian Caf\u00e9" }, { "source": "e2e", "text": "The Vaults is a pub It provides fast foods at a reduced price and is located near the river,there Rainbow Vegetarian Caf\u00e9" } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "customer rating", "1 out of 5" ], [ "The Vaults", "familyFriendly", "yes" ], [ "The Vaults", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "Next to the river and Rainbow Vegetarian Caf\u00e9 is a pub called The Vaults. It is suitable for families and offers medium prices for a one star venue." }, { "source": "e2e", "text": "A family friendly pub called The Vaults is next to Rainbow Vegetarian Caf\u00e9. It is one star rated and is in the medium price range." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "customer rating", "average" ], [ "The Vaults", "area", "city centre" ], [ "The Vaults", "familyFriendly", "yes" ], [ "The Vaults", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "Three star family friendly pub The Vaults, is situated close to Rainbow Vegetarian Caf\u00e9 in the city centre" } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "customer rating", "average" ], [ "The Vaults", "familyFriendly", "yes" ], [ "The Vaults", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "The Vaults pub is a family friendly three star venue situated close to Rainbow Vegetarian Caf\u00e9." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "customer rating", "average" ], [ "The Vaults", "familyFriendly", "yes" ], [ "The Vaults", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Vaults, near Raja Indian Cuisine, is a pub that welcomes family and is rated three out of five stars." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "customer rating", "high" ], [ "The Vaults", "area", "city centre" ], [ "The Vaults", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Vaults is a mid-price 5-star sushi bar and pub near Raja Indian Cuisine, north of the city center." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "customer rating", "high" ], [ "The Vaults", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "The Vaults is a 5 star pub located next to Rainbow Vegetarian Caf\u00e9. The Vaults is family safe." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "restaurant" ], [ "The Vaults", "customer rating", "3 out of 5" ], [ "The Vaults", "area", "riverside" ], [ "The Vaults", "familyFriendly", "yes" ], [ "The Vaults", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Vaults pub is a 3 star family friendly restaurant located close to the river near the Raja Indian Cuisine." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "restaurant" ], [ "The Vaults", "customer rating", "3 out of 5" ], [ "The Vaults", "familyFriendly", "yes" ], [ "The Vaults", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "There is a family friendly restaurant located near the Raja Indian Cuisine called The Vaults pub. It has a 3 star rating." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "restaurant" ], [ "The Vaults", "customer rating", "high" ], [ "The Vaults", "area", "city centre" ] ], "annotations": [ { "source": "e2e", "text": "The Vaults is a mid-price 5-star family restaurant and pub. It's north of the city center." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "restaurant" ], [ "The Vaults", "food", "Italian" ], [ "The Vaults", "customer rating", "3 out of 5" ], [ "The Vaults", "area", "city centre" ], [ "The Vaults", "familyFriendly", "yes" ], [ "The Vaults", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "The Italian restaurant, The Vaults, rated a 3 out of 5 by customers, is a kid friendly pub located near Rainbow Vegetarian Caf\u00e9 in the city center." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "restaurant" ], [ "The Vaults", "food", "Italian" ], [ "The Vaults", "customer rating", "average" ], [ "The Vaults", "area", "city centre" ], [ "The Vaults", "familyFriendly", "yes" ], [ "The Vaults", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "The Vaults is near Rainbow Vegetarian Caf\u00e9. It is a children Friendly restaurant in city center. This pub is a average rated pub with Italian food. The Vaults is a higher priced pub." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "restaurant" ], [ "The Vaults", "food", "Italian" ], [ "The Vaults", "priceRange", "moderate" ], [ "The Vaults", "customer rating", "1 out of 5" ], [ "The Vaults", "area", "city centre" ], [ "The Vaults", "familyFriendly", "no" ], [ "The Vaults", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "The Vaults is located in the city centre near Rainbow Vegetarian Caf\u00e9 with Italian food and a moderate price range. It is not kid-friendly with a customer rating 1 out of 5. it is a pub restaurant." }, { "source": "e2e", "text": "The Vaults is a pub restaurant with Italian food with moderate price range. It is not kid-friendly with a customer rating 1 out of 5. It is located in the city centre near Rainbow Vegetarian Caf\u00e9." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "restaurant" ], [ "The Vaults", "food", "Italian" ], [ "The Vaults", "priceRange", "moderate" ], [ "The Vaults", "customer rating", "1 out of 5" ], [ "The Vaults", "area", "city centre" ], [ "The Vaults", "familyFriendly", "yes" ], [ "The Vaults", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "The Vaults is a pub type Italian restaurant in the moderate price range with kids friendly atmosphere. It is located in the city centre near Rainbow Vegetarian Caf\u00e9 with a customer rating 1 out of 5." }, { "source": "e2e", "text": "The Vaults is a pub type Italian restaurant in the moderate price range with kids friendly atmosphere. It is located in the city centre near Rainbow Vegetarian Caf\u00e9 with a customer rating 1 out of 5." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "restaurant" ], [ "The Vaults", "food", "Japanese" ], [ "The Vaults", "area", "city centre" ], [ "The Vaults", "familyFriendly", "yes" ], [ "The Vaults", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "The Vaults, is a Japanese restaurant, is also a pub, this is a good place for kids,and is near Rainbow Vegetarian Caf\u00e9, the price is not that bad and is located in the city center." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "restaurant" ], [ "The Vaults", "food", "Japanese" ], [ "The Vaults", "priceRange", "cheap" ], [ "The Vaults", "familyFriendly", "yes" ], [ "The Vaults", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "Near the Rainbow Vegetarian Caf\u00e9, The Vaults is a pub style Japanese, low price, this restaurant is a good place for kids." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "restaurant" ], [ "The Vaults", "food", "Japanese" ], [ "The Vaults", "priceRange", "\u00a320-25" ], [ "The Vaults", "customer rating", "3 out of 5" ], [ "The Vaults", "area", "riverside" ], [ "The Vaults", "familyFriendly", "no" ], [ "The Vaults", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "The Vaults is an averagely price pub located in the riverside area, near Rainbow Vegetarian Caf\u00e9 with a 3 out of 5 rating and offering Japanese food. This restaurant is not child-friendly." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "restaurant" ], [ "The Vaults", "food", "Japanese" ], [ "The Vaults", "priceRange", "\u00a320-25" ], [ "The Vaults", "customer rating", "3 out of 5" ], [ "The Vaults", "area", "riverside" ], [ "The Vaults", "familyFriendly", "yes" ], [ "The Vaults", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "The Vaults a restaurant that is Japanese, kid friendly has a pub ,with a customer rating of 3 out of 5, price range of 20 to 25 pounds in Riverside near Rainbow Vegetarian Caf\u00e9." }, { "source": "e2e", "text": "The Vaults near Rainbow Vegetarian Caf\u00e9 in Riverside is a Japanese kid friendly restaurant with a pub with a price range of 20 to 25 pounds with a customer rating of 3 out of 5." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "restaurant" ], [ "The Vaults", "food", "Japanese" ], [ "The Vaults", "priceRange", "\u00a320-25" ], [ "The Vaults", "customer rating", "high" ], [ "The Vaults", "area", "riverside" ], [ "The Vaults", "familyFriendly", "yes" ], [ "The Vaults", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Vaults is an average priced pub style Japanese restaurant with high customer reviews and child friendly atmosphere, near Raja Indian Cuisine in the riverside area." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "restaurant" ], [ "The Vaults", "priceRange", "less than \u00a320" ], [ "The Vaults", "area", "city centre" ], [ "The Vaults", "familyFriendly", "yes" ], [ "The Vaults", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Vaults is a family oriented restaurant on the northern end of City centre. It is a moderately priced pub located near Raja Indian Cuisine." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "restaurant" ], [ "The Vaults", "priceRange", "less than \u00a320" ], [ "The Vaults", "customer rating", "low" ], [ "The Vaults", "area", "city centre" ], [ "The Vaults", "familyFriendly", "no" ], [ "The Vaults", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Vaults pub is a cheap 1 star sushi restaurant. It's located in city centre, east of Raja Indian Cuisine. Not family friendly. It offers deliveries, take-out and eat-in." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "familyFriendly", "no" ], [ "The Vaults", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "pub, The Vaults, is reasonably priced. Located near Raja Indian Cuisine, it's not considered family friendly." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "familyFriendly", "yes" ], [ "The Vaults", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "The Vaults is a family friendly pub serving food. Located next to Rainbow Vegetarian Caf\u00e9." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "familyFriendly", "yes" ], [ "The Vaults", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Vaults pub is a family oriented pub that features some of the best wine in the area. Also close to Raja Indian Cuisine" }, { "source": "e2e", "text": "The Vaults pub near Raja Indian Cuisine has the best sushi and is family friendly." }, { "source": "e2e", "text": "The Vaults, located by Raja Indian Cuisine, is a low-end, family friendly pub that serves sushi." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "food", "Chinese" ], [ "The Vaults", "priceRange", "\u00a320-25" ], [ "The Vaults", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "The Vaults pub serves Chinese cuisine at reasonable prices. Families welcome. Near Rainbow Vegetarian Caf\u00e9." }, { "source": "e2e", "text": "The Vaults pub serves Chinese cuisine at reasonable prices. Children welcome. Near Rainbow Vegetarian Caf\u00e9." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "food", "Italian" ], [ "The Vaults", "priceRange", "more than \u00a330" ], [ "The Vaults", "customer rating", "high" ], [ "The Vaults", "area", "riverside" ], [ "The Vaults", "familyFriendly", "yes" ], [ "The Vaults", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "The Vaults is a children Friendly pub with a high customer rating located in the riverside area near Rainbow Vegetarian Caf\u00e9. The price range is more than 30 English sterling. It offers Italian food." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "food", "Italian" ], [ "The Vaults", "priceRange", "moderate" ], [ "The Vaults", "customer rating", "1 out of 5" ], [ "The Vaults", "area", "city centre" ], [ "The Vaults", "familyFriendly", "yes" ], [ "The Vaults", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "Located in the City centre, in close proximity to fast food outlet Rainbow Vegetarian Caf\u00e9, you will come across The Vaults, a kids friendly pub serving Italian cuisine. With a customer rating of 1 out of 5, prices fall into the moderate price range for this establishment." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "food", "Fast food" ], [ "The Vaults", "priceRange", "less than \u00a320" ], [ "The Vaults", "area", "city centre" ], [ "The Vaults", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "No, The Vaults is Fast food with pub on side Raja Indian Cuisine in the city centre with price less than \u00a320 average" } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "food", "French" ], [ "The Vaults", "area", "city centre" ], [ "The Vaults", "familyFriendly", "no" ], [ "The Vaults", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Vaults pub offers French cuisine at budget prices, but does not welcome families. It is located outside of the City centre near Raja Indian Cuisine." }, { "source": "e2e", "text": "A pub near Raja Indian Cuisine in the city centre called The Vaults sells French food moderate pricing and not child-friendly." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "food", "French" ], [ "The Vaults", "area", "city centre" ], [ "The Vaults", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "If you've got kids in tow with a curious palate, why not try The Vaults, a French style pub in the city centre - near Raja Indian Cuisine." }, { "source": "e2e", "text": "The Vaults is an up market French cuisine pub located in the City Centre near to the Raja Indian Cuisine pub" }, { "source": "e2e", "text": "If you are looking for an up market French pub you should try The Vaults which is located in the city centre close to the Raja Indian Cuisine pub" } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "food", "French" ], [ "The Vaults", "area", "riverside" ], [ "The Vaults", "familyFriendly", "no" ], [ "The Vaults", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Vaults is a French pub with prices above \u00a330 in the riverside area near Raja Indian Cuisine. It isn't child friendly." }, { "source": "e2e", "text": "A French pub with prices above \u00a330 in the riverside area near Raja Indian Cuisine which isn't child friendly is called The Vaults." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "food", "French" ], [ "The Vaults", "area", "riverside" ], [ "The Vaults", "familyFriendly", "yes" ], [ "The Vaults", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Vaults is a child friendly, high end, French bistro and pub that is located in riverside near Raja Indian Cuisine" }, { "source": "e2e", "text": "For less than \u00a320, The Vaults is a family friendly riverside French pub near Raja Indian Cuisine." }, { "source": "e2e", "text": "The Vaults, a family friendly pub that serves French food with prices less than L20. It is in the riverside area near Raja Indian Cuisine." }, { "source": "e2e", "text": "The Vaults, is a pub that is family friendly with prices less than L20 It serves French food and is near Raja Indian Cuisine in the riverside area." }, { "source": "e2e", "text": "Family friendly French pub, The Vaults, is located riverside near Raja Indian Cuisine with a price range less than \u00a320." }, { "source": "e2e", "text": "The Vaults French pub is children friendly, and can be found in the riverside area near Raja Indian Cuisine." }, { "source": "e2e", "text": "Located in riverside near Raja Indian Cuisine, The Vaults pub offers French food. Child friendly ranging in price more end \u00a330." }, { "source": "e2e", "text": "A children-friendly pub called The Vaults is in the riverside area near Raja Indian Cuisine. The price range is more than E30 and it serves French food." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "food", "French" ], [ "The Vaults", "area", "riverside" ], [ "The Vaults", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The up market French pub, The Vaults, is located at the riverside near to the Raja Indian Cuisine pub" }, { "source": "e2e", "text": "The Vaults pub has French cuisine and is located at the riverside close to the Raja Indian Cuisine pub" }, { "source": "e2e", "text": "The Vaults pub offers French food, in the riverside area. Loved near Raja Indian Cuisine." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "food", "French" ], [ "The Vaults", "familyFriendly", "yes" ], [ "The Vaults", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Vaults is a family friendly, pub near Raja Indian Cuisine. It serves French food for less that 20GBP." }, { "source": "e2e", "text": "The Vaults serves French food in a family friendly pub and is situated near Raja Indian Cuisine" } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "food", "Italian" ], [ "The Vaults", "priceRange", "less than \u00a320" ], [ "The Vaults", "area", "riverside" ], [ "The Vaults", "familyFriendly", "no" ], [ "The Vaults", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Vaults pub offers a low-price range of delicacies such as wine and spirits, fondue, cheeseboards, French and Italian dishes. It is not family-friendly. It is situated by the river, and near to the Raja Indian Cuisine." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "food", "French" ], [ "The Vaults", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Vaults is a pub with French food near to Raja Indian Cuisine" } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "food", "French" ], [ "The Vaults", "priceRange", "high" ], [ "The Vaults", "area", "riverside" ], [ "The Vaults", "familyFriendly", "yes" ], [ "The Vaults", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "Situated near Raja Indian Cuisine on the riverside is a child friendly pub serving French food with a high price range called The Vaults." }, { "source": "e2e", "text": "The Vaults is a pub near Raja Indian Cuisine in Riverside that serves expensive French food. It is children friendly." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "food", "French" ], [ "The Vaults", "priceRange", "less than \u00a320" ], [ "The Vaults", "area", "city centre" ], [ "The Vaults", "familyFriendly", "no" ], [ "The Vaults", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Vaults pub serves French food and is near the city center and the Raja Indian Cuisine. It is not family-friendly and is priced in the less than 20 pound range." }, { "source": "e2e", "text": "The Vaults is a pub that serves French food. It is located near Raja Indian Cuisine in the center of the city. It is not family-friendly. It has a price range of less than \u00a320." }, { "source": "e2e", "text": "The Vaults is a pub located in the city centre near Raja Indian Cuisine. It is not family-friendly and serves French food. It has a price range of less than \u00a320." }, { "source": "e2e", "text": "The Vaults pub is not family-friendly and is priced in the less than 20 pound range. They serve French food near the Raja Indian Cuisine and the city center." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "food", "French" ], [ "The Vaults", "priceRange", "less than \u00a320" ], [ "The Vaults", "area", "city centre" ], [ "The Vaults", "familyFriendly", "yes" ] ], "annotations": [ { "source": "e2e", "text": "Near Raja Cuisine, in the city centre is a pub offering French food. The Vaults is cheap and family-friendly." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "food", "French" ], [ "The Vaults", "priceRange", "less than \u00a320" ], [ "The Vaults", "area", "city centre" ], [ "The Vaults", "familyFriendly", "yes" ], [ "The Vaults", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "Low priced French pub The Vaults can be found in the city centre close to Raja Indian Cuisine. Not recommended for families." }, { "source": "e2e", "text": "The Vaults is a cheap French pub. It can be found in the city centre, close to Raja Indian Cuisine, not recommended for families." }, { "source": "e2e", "text": "The Vaults pub is family-friendly French food in city centre near Raja Indian Cuisine with a price range less than \u00a320." }, { "source": "e2e", "text": "The Vaults pub is family-friendly French food shop in city centre near Raja Indian Cuisine with a price range less than \u00a320." }, { "source": "e2e", "text": "The Vaults is a cheap, family-friendly French pub located near Raja Indian Cuisine in the city centre." }, { "source": "e2e", "text": "The Vaults is a family-friendly pub in the city centre near Raja Indian Cuisine. It serves French food and is in the price range of less than \u00a320." }, { "source": "e2e", "text": "French food can be found at The Vaults which is near Raja Indian Cuisine in the city centre. It is a family-friendly pub and has a price range of less than \u00a320." }, { "source": "e2e", "text": "The Vaults pub and French pub is located outside of the City centre near Raja Indian Cuisine. It offers a cheap dining experience but does not cater for families." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "food", "French" ], [ "The Vaults", "priceRange", "less than \u00a320" ], [ "The Vaults", "area", "riverside" ], [ "The Vaults", "familyFriendly", "no" ], [ "The Vaults", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Vaults pub serves French for less than \u00a320. Near Raja Indian Cuisine in riverside. No families." }, { "source": "e2e", "text": "There is a no family-friendly pub The Vaults located near Raja Indian Cuisine in the riverside that provides French food in the cheap price range." }, { "source": "e2e", "text": "For less than \u00a320, French pub The Vaults can be found in Riverside near Raja Indian Cuisine. No families." }, { "source": "e2e", "text": "The Vaults is a no family-friendly pub providing French food in the cheap price range. It is located near Raja Indian Cuisine in the riverside." }, { "source": "e2e", "text": "The Vaults pub is not family-friendly, sells French food, and has a price range of less than \u00a320. It is located in the riverside area near Raja Indian Cuisine." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "food", "French" ], [ "The Vaults", "priceRange", "less than \u00a320" ], [ "The Vaults", "area", "riverside" ], [ "The Vaults", "familyFriendly", "yes" ], [ "The Vaults", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "For less than \u00a320 you can get French food at a family friendly pub. The Vaults is located near Raja Indian Cuisine in riverside." }, { "source": "e2e", "text": "The Vaults is a pub near Raja Indian Cuisine at riverside for French food good for family. The food cost less than \u00a320." }, { "source": "e2e", "text": "The Vaults is a French pub suitable for family. It is located near Raja Indian Cuisine at riverside and charges less than \u00a320." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "food", "French" ], [ "The Vaults", "priceRange", "less than \u00a320" ], [ "The Vaults", "familyFriendly", "yes" ], [ "The Vaults", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Vaults is a family friendly pub in the low price range serving French food, situated near Raja Indian Cuisine" }, { "source": "e2e", "text": "You can find French food for less than 20 GBP at The Vaults. A family friendly pub located near Raja Indian Cuisine." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "food", "French" ], [ "The Vaults", "priceRange", "moderate" ], [ "The Vaults", "area", "city centre" ], [ "The Vaults", "familyFriendly", "no" ], [ "The Vaults", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "French food serving The Vaults pub can be found near Raja Indian Cuisine in the city centre. It is not a kids friendly pub. The prices are moderate." }, { "source": "e2e", "text": "The Vaults pub offers French food in moderate price range. It is located in the city centre near Raja Indian Cuisine. Children are not welcome." }, { "source": "e2e", "text": "The Vaults pub near Raja Indian Cuisine in the city centre sells French food and is moderate priced no kids allowed." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "food", "French" ], [ "The Vaults", "priceRange", "moderate" ], [ "The Vaults", "area", "city centre" ], [ "The Vaults", "familyFriendly", "yes" ], [ "The Vaults", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "There is a moderately priced pub serving French food called The Vaults. It is in the city centre close to Raja Indian Cuisine, it is kids friendly." }, { "source": "e2e", "text": "The Vaults is a moderately priced pub. It is kids friendly and serves French food, it is located in the city centre near Raja Indian Cuisine." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "food", "French" ], [ "The Vaults", "priceRange", "moderate" ], [ "The Vaults", "area", "city centre" ], [ "The Vaults", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Vaults pub serves French food in the City Centre near Raja Indian Cuisine and is moderately priced" }, { "source": "e2e", "text": "The Vaults pub serves French food in the City Centre near Raja Indian Cuisine and is moderately priced" }, { "source": "e2e", "text": "Located in the city centre, The Vaults is a moderately priced French style pub. It's great for the kids, and located near the Raja Indian Cuisine." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "food", "French" ], [ "The Vaults", "priceRange", "moderate" ], [ "The Vaults", "area", "riverside" ], [ "The Vaults", "familyFriendly", "no" ], [ "The Vaults", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Vaults is a French pub with a moderate price range, but isn't kid friendly, and it located near Raja Indian Cuisine on riverside." }, { "source": "e2e", "text": "The Vaults is a French pub in the area of riverside near Raja Indian Cuisine with a moderate price range and is not kid friendly." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "food", "French" ], [ "The Vaults", "priceRange", "moderate" ], [ "The Vaults", "area", "riverside" ], [ "The Vaults", "familyFriendly", "yes" ], [ "The Vaults", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The French pub, The Vaults, is a moderately priced, kid friendly pub in riverside near Raja Indian Cuisine." }, { "source": "e2e", "text": "The Vaults is a nicely made French pub that is kids friendly and located near Raja Indian Cuisine in the riverside area. The price range is moderate." }, { "source": "e2e", "text": "On the riverside near Raja Indian Cuisine The Vaults serves French Food. This pub is moderately priced and kid friendly." }, { "source": "e2e", "text": "Moderately priced and kid friendly, The Vaults is a pub serving French food near Raja Indian Cuisine on the Riverside." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "food", "French" ], [ "The Vaults", "priceRange", "moderate" ], [ "The Vaults", "area", "riverside" ], [ "The Vaults", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Vaults is a pub which serves moderate priced French food near Raja Indian Cuisine in the riverside area." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "food", "French" ], [ "The Vaults", "priceRange", "more than \u00a330" ], [ "The Vaults", "area", "city centre" ], [ "The Vaults", "familyFriendly", "no" ], [ "The Vaults", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Vaults is a pub providing French food more than 30 pounds price range it is located in the city centre near Raja Indian Cuisine not child friendly for adults only" }, { "source": "e2e", "text": "The pub 'The Vaults' is a French pub who are not children friendly with a price range of over \u00a330. They are located in the city centre, near 'Raja Indian Cuisine'." }, { "source": "e2e", "text": "The Vaults is a French food pub in the more than 30 pounds price range it is in the city centre near Raja Indian Cuisine not child friendly for adults only" }, { "source": "e2e", "text": "The French pub 'The Vaults' is located in the city centre, near 'Raja Indian Cuisine' with a price range of over \u00a330. They are not children friendly." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "food", "French" ], [ "The Vaults", "priceRange", "more than \u00a330" ], [ "The Vaults", "area", "city centre" ], [ "The Vaults", "familyFriendly", "yes" ], [ "The Vaults", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "A children friendly pub named The Vaults that serves French food. In the city centre area is a pub with a price range of more than 30. It is near Raja Indian Cuisine." }, { "source": "e2e", "text": "Children friendly French pub The Vaults is located near Raja Indian Cuisine in city centre. It is a high priced pub more than \u00a330." }, { "source": "e2e", "text": "For more than \u00a330 The Vaults is a children friendly French pub near Raja Indian Cuisine at city centre is a pub." }, { "source": "e2e", "text": "A children friendly French pub named The Vaults near Raja Indian Cuisine at city centre is a pub for more than \u00a330." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "food", "French" ], [ "The Vaults", "priceRange", "more than \u00a330" ], [ "The Vaults", "area", "city centre" ], [ "The Vaults", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Vaults in a French pub near Raja Indian Cuisine in the city centre area. It is a pub with a price range is more than 30." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "food", "French" ], [ "The Vaults", "priceRange", "more than \u00a330" ], [ "The Vaults", "area", "riverside" ], [ "The Vaults", "familyFriendly", "no" ], [ "The Vaults", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "there is high price pub named The Vaults serving French food Located in riverside near Raja Indian Cuisine but not children-friendly" }, { "source": "e2e", "text": "The Vaults is high price pub serving French food Located in riverside near Raja Indian Cuisine but not children-friendly" } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "food", "French" ], [ "The Vaults", "priceRange", "more than \u00a330" ], [ "The Vaults", "area", "riverside" ], [ "The Vaults", "familyFriendly", "yes" ], [ "The Vaults", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Vaults is a children-friendly pub that serves French food and is found in the riverside area near Raja Indian Cuisine. The price range is more than \u00a330." }, { "source": "e2e", "text": "The Vaults is a children Friendly pub in the riverside area, near Raja Indian Cuisine. It serves French food and is in the more than \u00a330 price range." }, { "source": "e2e", "text": "There is a children friendly pub The Vaults near Raja Indian Cuisine located in the riverside. It serves French food for more than \u00a330." }, { "source": "e2e", "text": "The Vaults is pub serving French food with price range more than \u00a330 . It is children friendly and is located near Raja Indian Cuisine in the riverside." }, { "source": "e2e", "text": "If you are in the mood for French food in the more than \u00a330 price range, try The Vaults. It is a children Friendly pub located in the riverside area near Raja Indian Cuisine ." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "food", "Indian" ], [ "The Vaults", "area", "city centre" ], [ "The Vaults", "familyFriendly", "no" ], [ "The Vaults", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "An option for Indian cuisine is The Vaults. This is a pub near Raja Indian Cuisine in the city centre. This establishment costs more than others and does not allow children." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "food", "Indian" ], [ "The Vaults", "area", "city centre" ], [ "The Vaults", "familyFriendly", "yes" ], [ "The Vaults", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Vaults is a pub that provides Indian food at a higher cost. They are located in the center of the city near Raja Indian Cuisine and do not allow children." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "food", "Indian" ], [ "The Vaults", "area", "riverside" ], [ "The Vaults", "familyFriendly", "yes" ], [ "The Vaults", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Vaults is an pub serving Indian food. They are low cost and family friendly, located in riverside near Raja Indian Cuisine." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "food", "Indian" ], [ "The Vaults", "priceRange", "cheap" ], [ "The Vaults", "area", "riverside" ], [ "The Vaults", "familyFriendly", "yes" ], [ "The Vaults", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Vaults is an Indian pub located in the riverside near Raja Indian Cuisine. It has a cheap price range and is family friendly." }, { "source": "e2e", "text": "In the riverside is an Indian pub near Raja Indian Cuisine called The Vaults. It has a cheap price range and is family friendly." }, { "source": "e2e", "text": "The Vaults is an inexpensive, family friendly pub in riverside serving Indian food. You can find it near Raja Indian Cuisine." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "food", "Indian" ], [ "The Vaults", "priceRange", "cheap" ], [ "The Vaults", "area", "riverside" ], [ "The Vaults", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Vaults is a pub providing Indian food in the cheap price range. It is located in the riverside. It is near Raja Indian Cuisine." }, { "source": "e2e", "text": "The Vaults pub has Indian food at cheap prices. It is located in Riverside near Raja Indian Cuisine." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "food", "Indian" ], [ "The Vaults", "priceRange", "high" ], [ "The Vaults", "area", "city centre" ], [ "The Vaults", "familyFriendly", "no" ], [ "The Vaults", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "A high priced pub called The Vaults serves Indian food in the city centre near Raja Indian Cuisine but is not family friendly." }, { "source": "e2e", "text": "This non kid friendly pub called The Vaults, can be found near Raja Indian Cuisine in the city centre which offers Indian food at a high price range." }, { "source": "e2e", "text": "The Vaults is a high priced pub serving Indian food in the city centre near Raja Indian Cuisine, not family friendly." }, { "source": "e2e", "text": "In the centre of the city, near Raja Indian Cuisine sits a high priced pub called The Vaults, that offers Indian food at a non child friendly establishment." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "food", "Indian" ], [ "The Vaults", "priceRange", "high" ], [ "The Vaults", "area", "city centre" ], [ "The Vaults", "familyFriendly", "yes" ], [ "The Vaults", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "In the high price range, The Vaults is a child friendly pub serving Indian food in city centre near Raja Indian Cuisine." }, { "source": "e2e", "text": "If you are near Raja Indian Cuisine in city centre, check out The Vaults. It is a high price pub that sells Indian food. The Vaults is also children friendly." }, { "source": "e2e", "text": "The Vaults is a pub that sells Indian food, high price range, located in City Centre, child friendly, located near Raja Indian Cuisine" }, { "source": "e2e", "text": "The Vaults is a pub serving Indian food in the high price range. It's child friendly and in city centre near Raja Indian Cuisine." }, { "source": "e2e", "text": "In the high price range, The Vaults pub is a kid friendly pub located in the center of the city near Raja Indian Cuisine serves up Indian food." }, { "source": "e2e", "text": "The Vaults pub offers Indian food in the high price range. Located in the center of the city, this child friendly dining choice is located near Raja Indian Cuisine." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "food", "Indian" ], [ "The Vaults", "priceRange", "high" ], [ "The Vaults", "familyFriendly", "no" ], [ "The Vaults", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Vaults pub offers Indian food in the high price range and is not children friendly near Raja Indian Cuisine." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "food", "Indian" ], [ "The Vaults", "priceRange", "\u00a320-25" ], [ "The Vaults", "area", "riverside" ], [ "The Vaults", "familyFriendly", "yes" ], [ "The Vaults", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Vaults is a pub that provides Indian food with prices that range around \u00a320-25. It is located on the riverside near Raja Indian Cuisine and is kids friendly." }, { "source": "e2e", "text": "The Vaults is a kids friendly pub that provides Indian food with prices that range around \u00a320-25. Located in the riverside near Raja Indian Cuisine." }, { "source": "e2e", "text": "Near Raja Indian Cuisine, by the riverside, The Vaults is a pub offering Indian food at a price range of \u00a320-25. It is ideal for kids." }, { "source": "e2e", "text": "The Vaults, located on the riverside near Raja Indian Cuisine, is a kid-friendly pub that serves moderately-priced Indian." }, { "source": "e2e", "text": "The Vaults is a pub which provides Indian food at \u00a320-25. Located by the riverside near Raja Indian Cuisine, it is ideal for children" } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "food", "Italian" ], [ "The Vaults", "area", "city centre" ], [ "The Vaults", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "The Vaults is pub with good Italian food and price is less then 20 euros. Located in City Centre near by Rainbow Vegetarian Caf\u00e9." }, { "source": "e2e", "text": "The Vaults is a adult friendly Italian pub located in the city centre near Rainbow Vegetarian Caf\u00e9. Their prices and customer ratings are moderate." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "food", "Italian" ], [ "The Vaults", "customer rating", "1 out of 5" ], [ "The Vaults", "area", "riverside" ], [ "The Vaults", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "The Vaults is an Italian pub in riverside near Rainbow Vegetarian Caf\u00e9 with a customer rating of 1 out of 5" }, { "source": "e2e", "text": "The Vaults is an Italian pub near Rainbow Vegetarian Caf\u00e9 in riverside with a customer rating of 1 out of 5" } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "food", "Italian" ], [ "The Vaults", "customer rating", "3 out of 5" ], [ "The Vaults", "area", "city centre" ], [ "The Vaults", "familyFriendly", "no" ], [ "The Vaults", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "The Vaults has a customer rating 3 out of 5 and serves Italian food. This pub is not kids friendly and is located in city centre near Rainbow Vegetarian Caf\u00e9." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "food", "Italian" ], [ "The Vaults", "customer rating", "3 out of 5" ], [ "The Vaults", "area", "city centre" ], [ "The Vaults", "familyFriendly", "yes" ], [ "The Vaults", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "Near Rainbow Vegetarian Caf\u00e9 in the centre of the city is The Vaults. An Italian food pub, it is family-friendly with ratings of 3 out of 5 by the customers and is priced moderate." }, { "source": "e2e", "text": "The Vaults, an Italian pub, is rated 3 out of 5 by customers and is kid friendly. It is located neat Rainbow Vegetarian Caf\u00e9 in the city centre." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "food", "Italian" ], [ "The Vaults", "customer rating", "3 out of 5" ], [ "The Vaults", "area", "riverside" ], [ "The Vaults", "familyFriendly", "no" ], [ "The Vaults", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "There is an Italian pub called The Vaults that is not kid friendly. It is located near Rainbow Vegetarian Caf\u00e9 and in riverside. It has a customer rating of 3 out of 5." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "food", "Italian" ], [ "The Vaults", "customer rating", "average" ], [ "The Vaults", "area", "city centre" ], [ "The Vaults", "familyFriendly", "yes" ], [ "The Vaults", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "The Vaults is an Italian pub near Rainbow Vegetarian Caf\u00e9, in City centre. It has a 3 out of 5 star rating, it's family friendly, but the food is pricey." }, { "source": "e2e", "text": "The Vaults is a pricey, family friendly Italian pub in the City centre, near Rainbow Vegetarian Caf\u00e9. It's rated 3 out of 5." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "food", "Italian" ], [ "The Vaults", "customer rating", "high" ], [ "The Vaults", "area", "city centre" ], [ "The Vaults", "familyFriendly", "no" ], [ "The Vaults", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "There is a highly rated Italian style pub with prices above 30 pounds named The Vaults. It is near Rainbow Vegetarian Caf\u00e9 in the city centre. It is not child friendly." }, { "source": "e2e", "text": "The Vaults is an Italian style pub with high customer ratings near Rainbow Vegetarian Caf\u00e9 in the city centre. It is not child friendly and the price range is more the 30 pounds." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "food", "Italian" ], [ "The Vaults", "customer rating", "high" ], [ "The Vaults", "area", "city centre" ], [ "The Vaults", "familyFriendly", "yes" ], [ "The Vaults", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "The Vaults is an Italian pub near Rainbow Vegetarian Caf\u00e9 in city centre. They are highly rated, child friendly, and offer a mid-priced selection." }, { "source": "e2e", "text": "The Vaults is an Italian pub in City Centre, near Rainbow Vegetarian Caf\u00e9, that is family friendly, pricey and highly rated." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "food", "Italian" ], [ "The Vaults", "customer rating", "high" ], [ "The Vaults", "area", "riverside" ], [ "The Vaults", "familyFriendly", "no" ], [ "The Vaults", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "The Vaults, a slightly pricey highly rated Italian pub in the riverside area near Rainbow Vegetarian Caf\u00e9 serves Italian food and is not child friendly." }, { "source": "e2e", "text": "The Vaults is a slightly pricey Italian pub located near Rainbow Vegetarian Caf\u00e9 in riverside which is highly rated but is not child friendly." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "food", "Italian" ], [ "The Vaults", "customer rating", "low" ], [ "The Vaults", "area", "riverside" ], [ "The Vaults", "familyFriendly", "no" ], [ "The Vaults", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "Welcome to The Vaults. We a non family-friendly pub our food is Italian we are near the Rainbow Vegetarian Caf\u00e9 we are at the riverside and our customer rating is low." }, { "source": "e2e", "text": "Welcome to The Vaults. We a non family-friendly pub our food is Italian we are near the Rainbow Vegetarian Caf\u00e9 we are at the riverside and our customer rating is low." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "food", "Italian" ], [ "The Vaults", "priceRange", "cheap" ], [ "The Vaults", "customer rating", "1 out of 5" ], [ "The Vaults", "area", "riverside" ], [ "The Vaults", "familyFriendly", "yes" ], [ "The Vaults", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "A child friendly Italian pub 'The Vaults' with a good price range but low customer rating. In riverside by 'Rainbow Vegetarian Caf\u00e9'." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "food", "Italian" ], [ "The Vaults", "priceRange", "moderate" ], [ "The Vaults", "customer rating", "1 out of 5" ], [ "The Vaults", "area", "riverside" ], [ "The Vaults", "familyFriendly", "yes" ], [ "The Vaults", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "The Vaults is located near Rainbow Vegetarian Caf\u00e9 in the riverside area. It is family friendly Italian food pub. With average prices range and Customer low rated." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "food", "Italian" ], [ "The Vaults", "priceRange", "high" ], [ "The Vaults", "area", "city centre" ], [ "The Vaults", "familyFriendly", "no" ], [ "The Vaults", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "The Vaults is an Italian pub located in the city centre, near Rainbow Vegetarian Caf\u00e9. this pub is not a child friendly zone and it has a high price range." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "food", "Italian" ], [ "The Vaults", "priceRange", "high" ], [ "The Vaults", "area", "city centre" ], [ "The Vaults", "familyFriendly", "yes" ], [ "The Vaults", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "The Vaults is a children friendly pub in the city center. The Vaults is a high priced, Italian place is near Rainbow Vegetarian Caf\u00e9." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "food", "Italian" ], [ "The Vaults", "priceRange", "high" ], [ "The Vaults", "customer rating", "average" ], [ "The Vaults", "area", "city centre" ], [ "The Vaults", "familyFriendly", "yes" ], [ "The Vaults", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "The Vaults is a child friendly Italian food pub near Rainbow Vegetarian Caf\u00e9 in the city center area with an average customer rating and a high price range." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "food", "Italian" ], [ "The Vaults", "priceRange", "high" ], [ "The Vaults", "customer rating", "average" ], [ "The Vaults", "area", "city centre" ], [ "The Vaults", "familyFriendly", "yes" ], [ "The Vaults", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "Near the city centre and Rainbow Vegetarian Caf\u00e9 is the pub The Vaults, which serves Italian food, is child friendly, has an average customer rating and has a high price range." }, { "source": "e2e", "text": "The Vaults has a high price range, serves Italian food, is a pub, has an average customer rating, is near the city centre and Rainbow Vegetarian Caf\u00e9 and is children friendly." }, { "source": "e2e", "text": "Near Rainbow Vegetarian Caf\u00e9 in the city center area is an Italian pub that is child friendly with a high price range named The Vaults that was given an average customer rating." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "food", "Italian" ], [ "The Vaults", "priceRange", "high" ], [ "The Vaults", "customer rating", "average" ], [ "The Vaults", "area", "riverside" ], [ "The Vaults", "familyFriendly", "no" ], [ "The Vaults", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "The Vaults is a high priced Italian pub near Rainbow Vegetarian Caf\u00e9 in riverside. It is not children friendly and has an average customer rating." }, { "source": "e2e", "text": "pub in riverside that also serves Italian food: The Vaults has got high prices, is not child-friendly and has an average rating. It is near Rainbow Vegetarian Caf\u00e9 in riverside." }, { "source": "e2e", "text": "The Vaults is not child-friendly but boasts an average rating, high prices in riverside. It is near Rainbow Vegetarian Caf\u00e9. Though considered a pub, it also offers Italian food." }, { "source": "e2e", "text": "There is a high priced Italian pub in riverside called The Vaults. It is near Rainbow Vegetarian Caf\u00e9 and it is not children friendly. It has an average customer rating." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "food", "Italian" ], [ "The Vaults", "priceRange", "high" ], [ "The Vaults", "customer rating", "average" ], [ "The Vaults", "area", "riverside" ], [ "The Vaults", "familyFriendly", "yes" ], [ "The Vaults", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "There is a high-priced Italian pub called The Vaults near Rainbow Vegetarian Caf\u00e9 in the riverside area that is child-friendly but has an average customer rating." }, { "source": "e2e", "text": "The Vaults is a kid friendly Italian pub in riverside. It's near Rainbow Vegetarian Caf\u00e9. It's expensive and gets average customer ratings." }, { "source": "e2e", "text": "Rainbow Vegetarian Caf\u00e9 is children friendly, located on the riverside, has an average customer rating, provides pub quality food. There is a high price ranged Italian eatery named The Vaults nearby." }, { "source": "e2e", "text": "The Vaults is an expensive Italian pub in riverside near Rainbow Vegetarian Caf\u00e9. It is kid friendly and has an average customer rating." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "food", "Italian" ], [ "The Vaults", "priceRange", "high" ], [ "The Vaults", "customer rating", "average" ], [ "The Vaults", "area", "riverside" ], [ "The Vaults", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "There is an average rated Rainbow Vegetarian Caf\u00e9 located on the riverside that provides pub type food. Next door is a high priced Italian eater named The Vaults." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "food", "Italian" ], [ "The Vaults", "priceRange", "moderate" ], [ "The Vaults", "customer rating", "average" ], [ "The Vaults", "area", "riverside" ], [ "The Vaults", "familyFriendly", "no" ], [ "The Vaults", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "The Vaults is a pub serving Italian food in the riverside area near Rainbow Vegetarian Caf\u00e9, It has a high price range with an average customer rating and is not child friendly." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "food", "Italian" ], [ "The Vaults", "priceRange", "moderate" ], [ "The Vaults", "customer rating", "average" ], [ "The Vaults", "area", "riverside" ], [ "The Vaults", "familyFriendly", "yes" ], [ "The Vaults", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "The Vaults, an Italian pub in the riverside area near Rainbow Vegetarian Caf\u00e9 is child-friendly with a high price range but an average rating." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "food", "Italian" ], [ "The Vaults", "priceRange", "less than \u00a320" ], [ "The Vaults", "area", "city centre" ], [ "The Vaults", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "The Vaults is low price range pub with Italian food, located in City centre near by Rainbow Vegetarian Caf\u00e9." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "food", "Italian" ], [ "The Vaults", "priceRange", "less than \u00a320" ], [ "The Vaults", "customer rating", "low" ], [ "The Vaults", "area", "city centre" ], [ "The Vaults", "familyFriendly", "no" ], [ "The Vaults", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "The Vaults is a pub that is not family-friendly. It has a less than \u00a320 and serves Italian food. It's near Rainbow Vegetarian Caf\u00e9 in the city centre, with a low customer service rating." }, { "source": "e2e", "text": "The Vaults is an Italian pub near Rainbow Vegetarian Caf\u00e9 in the city centre. It is not family-friendly and has a low customer rating and a price range of less than \u00a320." }, { "source": "e2e", "text": "In the city centre near Rainbow Vegetarian Caf\u00e9, there is an Italian pub called The Vaults. It is not family-friendly and has a low customer rating and a price range of less than \u00a320." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "food", "Italian" ], [ "The Vaults", "priceRange", "less than \u00a320" ], [ "The Vaults", "customer rating", "low" ], [ "The Vaults", "area", "city centre" ], [ "The Vaults", "familyFriendly", "yes" ], [ "The Vaults", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "The Vaults is a poorly-rated Italian pub in the city centre near Rainbow Vegetarian Caf\u00e9. It is cheap and family-friendly." }, { "source": "e2e", "text": "The Vaults is a family-friendly pub serving cheap Italian food in the city centre near Rainbow Vegetarian Caf\u00e9. It has a low customer rating." }, { "source": "e2e", "text": "The Vaults is a family-friendly pub in the less than \u00a320 price range with a low rating. It's located in the city centre near Rainbow Vegetarian Caf\u00e9 and serves Italian food." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "food", "Italian" ], [ "The Vaults", "priceRange", "less than \u00a320" ], [ "The Vaults", "customer rating", "low" ], [ "The Vaults", "area", "city centre" ], [ "The Vaults", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "For an adult oriented Italian pub, The Vaults has a low customer rating, but the price range is less than \u00a320, and is conveniently located in the city centre, near Rainbow Vegetarian Caf\u00e9." }, { "source": "e2e", "text": "The Vaults is an adult oriented pub serving Italian food, located in the city centre near Rainbow Vegetarian Caf\u00e9, with a low customer rating and a low price range." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "food", "Italian" ], [ "The Vaults", "priceRange", "less than \u00a320" ], [ "The Vaults", "customer rating", "low" ], [ "The Vaults", "area", "riverside" ], [ "The Vaults", "familyFriendly", "no" ], [ "The Vaults", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "The Vaults is an Italian pub. It is located in riverside, near Rainbow Vegetarian Caf\u00e9. It has low customer rating since it is not family-friendly, but offer dishes for less than \u00a320." }, { "source": "e2e", "text": "The Vaults is an Italian pub. It is located in riverside, near Rainbow Vegetarian Caf\u00e9. It has low customer rating since it is not family-friendly, but offer dishes for less than \u00a320." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "food", "Italian" ], [ "The Vaults", "priceRange", "less than \u00a320" ], [ "The Vaults", "customer rating", "low" ], [ "The Vaults", "area", "riverside" ], [ "The Vaults", "familyFriendly", "yes" ], [ "The Vaults", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "The Vaults is a family friendly pub serving Italian food near Rainbow Vegetarian Caf\u00e9 in the riverside area. The price range is less than \u00a320 and the customer rating is low." }, { "source": "e2e", "text": "The Vaults is a family friendly pub that serves Italian food at less than \u00a320 in Riverside, near Rainbow Vegetarian Caf\u00e9; though it has a low customer rating" }, { "source": "e2e", "text": "The Vaults, serving Italian food, is a family friendly pub near Rainbow Vegetarian Caf\u00e9 in the riverside area. The price range is less than \u00a320 and the customer rating is low." }, { "source": "e2e", "text": "The Vaults is a pub that serves Italian food. It is family friendly and the price range is less than \u00a320. It is situated in Riverside, near Rainbow Vegetarian Caf\u00e9; it has a low customer rating" } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "food", "Italian" ], [ "The Vaults", "priceRange", "less than \u00a320" ], [ "The Vaults", "customer rating", "low" ], [ "The Vaults", "area", "riverside" ], [ "The Vaults", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "In Riverside, near Rainbow Vegetarian Caf\u00e9, sits The Vaults, an Italian pub with poor customer reviews at a low price." }, { "source": "e2e", "text": "The Vaults is a low rated pub, but friendly with the families that serves Italian food at less than 20 \u00a3. It is close to the riverside and Rainbow Vegetarian Caf\u00e9" }, { "source": "e2e", "text": "The Vaults is a pub, friendly with the families, with prices less than 20 for the Italian food. It is situated near Rainbow Vegetarian Caf\u00e9, ,riverside, and it has a low rating." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "food", "Italian" ], [ "The Vaults", "priceRange", "moderate" ], [ "The Vaults", "area", "city centre" ], [ "The Vaults", "familyFriendly", "no" ], [ "The Vaults", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "In the city centre, near Rainbow Vegetarian Caf\u00e9, is an affordable Italian pub named The Vaults. It has a moderate customer rating, and is not kid friendly." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "food", "Italian" ], [ "The Vaults", "priceRange", "moderate" ], [ "The Vaults", "area", "city centre" ], [ "The Vaults", "familyFriendly", "yes" ], [ "The Vaults", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "Italian pub, 'The Vaults', is located in the city center near Rainbow Vegetarian Caf\u00e9. The customer reviews are not great but the prices are reasonable and it has a child-friendly environment." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "food", "Italian" ], [ "The Vaults", "priceRange", "moderate" ], [ "The Vaults", "area", "riverside" ], [ "The Vaults", "familyFriendly", "yes" ], [ "The Vaults", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "The Vaults is located on the riverside near Rainbow Vegetarian Caf\u00e9. It serves moderately priced Italian food. The pub is kid friendly, but received 1 out 5 on customer reviews." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "food", "Italian" ], [ "The Vaults", "priceRange", "moderate" ], [ "The Vaults", "customer rating", "1 out of 5" ], [ "The Vaults", "area", "city centre" ], [ "The Vaults", "familyFriendly", "no" ], [ "The Vaults", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "The Vaults, a moderately priced Italian pub in the center of the city near Rainbow Vegetarian Caf\u00e9, has a low customer rating and does not welcome children." }, { "source": "e2e", "text": "A pub named The Vaults with moderate prices selling Italian food, not for kids, with a rating of 1 out of 5. It is near Rainbow Vegetarian Caf\u00e9 in the center of the city." }, { "source": "e2e", "text": "A pub named The Vaults with moderate prices selling Italian food, not for kids, with a rating of 1 out of 5. It is near Rainbow Vegetarian Caf\u00e9 in the center of the city." }, { "source": "e2e", "text": "Located near Rainbow Vegetarian Caf\u00e9 in the city center, The Vaults is a moderately priced Italian pub, with a 1 out of 5 customer rating, and not child friendly." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "food", "Italian" ], [ "The Vaults", "priceRange", "moderate" ], [ "The Vaults", "customer rating", "1 out of 5" ], [ "The Vaults", "area", "city centre" ], [ "The Vaults", "familyFriendly", "yes" ], [ "The Vaults", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "'The Vaults' is an Italian pub near Rainbow Vegetarian Caf\u00e9 in the city center. It has poor reviews but is perfect for kids and boasts reasonable prices." }, { "source": "e2e", "text": "The Vaults pub, located in the City centre, offers moderately priced Italian cuisine suitable for kids as well as adults. With a customer rating of 1 out of 5, it is an alternative to the Rainbow Vegetarian Caf\u00e9 located nearby." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "food", "Italian" ], [ "The Vaults", "priceRange", "moderate" ], [ "The Vaults", "customer rating", "1 out of 5" ], [ "The Vaults", "area", "riverside" ], [ "The Vaults", "familyFriendly", "no" ], [ "The Vaults", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "The Vaults is a poorly rated moderate price Italian food pub. It is not child friendly and it is located in riverside by Rainbow Vegetarian Caf\u00e9." }, { "source": "e2e", "text": "A moderate priced pub, The Vaults serves Italian cuisine in an adult only establishment. Rated 1 out of 5, it is located in the riverside area near Rainbow Vegetarian Caf\u00e9." }, { "source": "e2e", "text": "There is a moderate priced poor rated pub The Vaults that offers Italian food near Rainbow Vegetarian Caf\u00e9 in riverside. It is not child friendly." }, { "source": "e2e", "text": "The Vaults, not kid friendly Italian food, near Rainbow Vegetarian Caf\u00e9 in Riverside. Moderate priced pub with a 1 out of 5 rating." }, { "source": "e2e", "text": "The Vaults is a pub serving Italian food. It is moderately priced, not kid friendly, rated 1 out of 5, and is located near Rainbow Vegetarian Caf\u00e9 at the riverside." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "food", "Italian" ], [ "The Vaults", "priceRange", "moderate" ], [ "The Vaults", "customer rating", "1 out of 5" ], [ "The Vaults", "area", "riverside" ], [ "The Vaults", "familyFriendly", "yes" ], [ "The Vaults", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "The Vaults is a pub serving average priced Italian food. Is child friendly but has a poor customer rating. Located in riverside near 'Rainbow Vegetarian Caf\u00e9'." }, { "source": "e2e", "text": "The Vaults is a pub that serves moderately priced Italian food. It is kid friendly, located on the riverside near Rainbow Vegetarian Caf\u00e9. It received a 1 out of 5 customer rating." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "food", "Italian" ], [ "The Vaults", "priceRange", "moderate" ], [ "The Vaults", "customer rating", "3 out of 5" ], [ "The Vaults", "area", "city centre" ], [ "The Vaults", "familyFriendly", "no" ], [ "The Vaults", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "The Vaults is a pub located in the city centre near Rainbow Vegetarian Caf\u00e9 with a moderate price range serving Italian food. Kids are not allowed and customers have given it a 3 out of 5 rating." }, { "source": "e2e", "text": "The Vaults serves Italian food in the city centre near Rainbow Vegetarian Caf\u00e9. This adults only pub has a moderate price range and a customer rating of 3 out of 5." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "food", "Italian" ], [ "The Vaults", "priceRange", "moderate" ], [ "The Vaults", "customer rating", "3 out of 5" ], [ "The Vaults", "area", "city centre" ], [ "The Vaults", "familyFriendly", "yes" ], [ "The Vaults", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "The Vaults, in the city centre near Rainbow Vegetarian Caf\u00e9, is a pub serving Italian food It is kid friendly with moderate prices and customer rating of 3 out of 5." }, { "source": "e2e", "text": "The Vaults is a pub serving moderately-priced Italian food, located in the city centre near Rainbow Vegetarian Caf\u00e9. It is kid friendly, and has received 3 out of 5 star reviews" }, { "source": "e2e", "text": "In the city centre, next to Rainbow Vegetarian Caf\u00e9, it a pub serving Italian food, called The Vaults. It is kid friendly, moderate priced, and has an average rating of 3 out of 5" } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "food", "Italian" ], [ "The Vaults", "priceRange", "moderate" ], [ "The Vaults", "customer rating", "3 out of 5" ], [ "The Vaults", "area", "riverside" ], [ "The Vaults", "familyFriendly", "no" ], [ "The Vaults", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "At Riverside, near Rainbow Vegetarian Caf\u00e9, eat at this pub. It isn't kid-friendly, and has a moderate price range. Called: The Vaults. Customer rating: 3 out of 5. Food: Italian." }, { "source": "e2e", "text": "The Vaults is a moderate price range Italian pub near Rainbow Vegetarian Caf\u00e9 in riverside. It is not kid friendly and has a customer rating 3 out of 5." }, { "source": "e2e", "text": "At Riverside, near Rainbow Vegetarian Caf\u00e9, eat at a choice pub that isn't kid-friendly, with a moderate price range called The Vaults. Customer rating: 3 out of 5. Food: Italian." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "food", "Italian" ], [ "The Vaults", "priceRange", "moderate" ], [ "The Vaults", "customer rating", "3 out of 5" ], [ "The Vaults", "area", "riverside" ], [ "The Vaults", "familyFriendly", "yes" ], [ "The Vaults", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "In riverside located near Rainbow Vegetarian Caf\u00e9, is kids friendly pub with a moderate price range. It is rated 3 out of 5 and serves Italian food, it is called The Vaults." }, { "source": "e2e", "text": "The Vaults, a kids friendly pub with a moderate price range, with a rating of 3 out of 5. It serves Italian food and is in riverside near Rainbow Vegetarian Caf\u00e9." }, { "source": "e2e", "text": "The pub The Vaults is located near Rainbow Vegetarian Caf\u00e9 in riverside, it has a moderate price range and a kid friendly atmosphere with Italian food and a rating of 3 out of 5." }, { "source": "e2e", "text": "In riverside near Rainbow Vegetarian Caf\u00e9 there is a pub which has a moderate price range and is kid friendly called The Vaults with Italian food and a customer taking of 3 out of 5." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "food", "Italian" ], [ "The Vaults", "priceRange", "moderate" ], [ "The Vaults", "customer rating", "3 out of 5" ], [ "The Vaults", "area", "riverside" ], [ "The Vaults", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "In Riverside near the Rainbow Vegetarian Caf\u00e9 sits The Vaults, a moderately priced Italian pub with average customer ratings." }, { "source": "e2e", "text": "Take a trip to Riverside, and down the road from Rainbow Vegetarian Caf\u00e9 you'll find The Vaults, an Italian pub with good food, moderate prices, and good customer ratings." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "food", "Italian" ], [ "The Vaults", "priceRange", "moderate" ], [ "The Vaults", "customer rating", "3 out of 5" ], [ "The Vaults", "familyFriendly", "yes" ], [ "The Vaults", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "There is a kid friendly river side Italian pub near Rainbow Vegetarian Caf\u00e9 named The Vaults with a 3 out of 5 rating and a moderate price rating." }, { "source": "e2e", "text": "There is a kid friendly river side Italian pub near Rainbow Vegetarian Caf\u00e9 named The Vaults with a 3 out of 5 rating and a moderate price rating." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "food", "Italian" ], [ "The Vaults", "priceRange", "moderate" ], [ "The Vaults", "customer rating", "high" ], [ "The Vaults", "area", "city centre" ], [ "The Vaults", "familyFriendly", "yes" ], [ "The Vaults", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "There is a highly-rated child friendly establishment in city centre near Rainbow Vegetarian Caf\u00e9. The Vaults is an Italian pub with average prices." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "food", "Italian" ], [ "The Vaults", "priceRange", "more than \u00a330" ], [ "The Vaults", "customer rating", "high" ], [ "The Vaults", "area", "city centre" ], [ "The Vaults", "familyFriendly", "yes" ], [ "The Vaults", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "In the city centre near Rainbow Vegetarian Caf\u00e9 an Italian food place and a pub called The Vaults is a children friendly place which price ranging more than \u00a330 with a high customer rating." }, { "source": "e2e", "text": "The Vaults near Rainbow Vegetarian Caf\u00e9 in the heart of the city centre. Is an Italian food and pub which children friendly and a customer rating of high standard. The price range more than \u00a330." }, { "source": "e2e", "text": "There is a pub that serves Italian food located near Rainbow Vegetarian Caf\u00e9 in the city centre area called The Vaults. While it is children friendly it ranges in price for more than \u00a330 and high customer ratings." }, { "source": "e2e", "text": "A children friendly pub near Rainbow Vegetarian Caf\u00e9 called The Vaults, it is in the city centre and serves Italian with a price range of more than \u00a330 with a high customer rating." }, { "source": "e2e", "text": "The Vaults is a pub that offers Italian food with high ratings and is children friendly. It can be found near Rainbow Vegetarian Caf\u00e9 in the city Centre area. Price range is more than \u00a330." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "food", "Italian" ], [ "The Vaults", "priceRange", "more than \u00a330" ], [ "The Vaults", "customer rating", "high" ], [ "The Vaults", "area", "city centre" ], [ "The Vaults", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "Near Rainbow Vegetarian Caf\u00e9 in the city centre is a pub named The Vaults, which serves Italian at a price range of more than \u00a330 and it has a high customer rating." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "food", "Italian" ], [ "The Vaults", "priceRange", "more than \u00a330" ], [ "The Vaults", "customer rating", "high" ], [ "The Vaults", "area", "riverside" ], [ "The Vaults", "familyFriendly", "no" ], [ "The Vaults", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "There is an Italian pub called The Vaults in riverside, near the Rainbow Vegetarian Caf\u00e9. It has a high customer rating with a price range of more than \u00a330 and it is not children friendly." }, { "source": "e2e", "text": "The Vaults is an Italian pub in riverside near the Rainbow Vegetarian Caf\u00e9. The price range is more than \u00a330, and it has a high customer rating- but it is not children friendly." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "food", "Italian" ], [ "The Vaults", "priceRange", "more than \u00a330" ], [ "The Vaults", "customer rating", "high" ], [ "The Vaults", "area", "riverside" ], [ "The Vaults", "familyFriendly", "yes" ], [ "The Vaults", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "There is a kid friendly pub that is highly rated. It serves Italian Food more than 30 pounds located near Rainbow Vegetarian Caf\u00e9 called The Vaults in Riverside." }, { "source": "e2e", "text": "The highly customer rated, child friendly pub located in Riverside near Rainbow Vegetarian Caf\u00e9 called The Vaults has great Italian food and costs more than \u00a330." }, { "source": "e2e", "text": "The highly customer rated, child friendly pub located in Riverside near Rainbow Vegetarian Caf\u00e9 called The Vaults has great Italian food and costs more than \u00a330." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "food", "Italian" ], [ "The Vaults", "priceRange", "more than \u00a330" ], [ "The Vaults", "customer rating", "high" ], [ "The Vaults", "familyFriendly", "yes" ], [ "The Vaults", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "There is a child friendly Italian pub near Rainbow Vegetarian Caf\u00e9 called The Vaults. It is highly rated with a price range more than \u00a330." }, { "source": "e2e", "text": "The Vaults is a highly rated Italian pub near to Rainbow Vegetarian Caf\u00e9. It is expensive and child friendly." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "food", "Japanese" ], [ "The Vaults", "area", "city centre" ], [ "The Vaults", "familyFriendly", "no" ], [ "The Vaults", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "The Vaults, located in the city centre near Rainbow Vegetarian Caf\u00e9, is a pub serving Japanese food in the \u00a320-\u00a325 price range, not child friendly." }, { "source": "e2e", "text": "The Vaults, located in the city centre near Rainbow Vegetarian Caf\u00e9, is a not kid-friendly pub serving Japanese food in the \u00a320-\u00a325 price range." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "food", "Japanese" ], [ "The Vaults", "area", "city centre" ], [ "The Vaults", "familyFriendly", "no" ], [ "The Vaults", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "If your looking for a non family-friendly Japanese pub, go to The Vaults, near Raja Indian Cuisine, in the city center." }, { "source": "e2e", "text": "The Vaults is by the Raja Indian Cuisine at the city centre. With 3 out of 4 rating and an adult-only environment, you can get Japanese food at this pub if you can afford it." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "food", "Japanese" ], [ "The Vaults", "area", "city centre" ], [ "The Vaults", "familyFriendly", "yes" ], [ "The Vaults", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Vaults is a family-friendly pub offering moderate Japanese food. Situated in the city center close to Raja Indian Cuisine" }, { "source": "e2e", "text": "Located in the city center, The Vaults is a pub offering moderate Japanese food. Children are welcome. Close by is Raja Indian Cuisine." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "food", "Japanese" ], [ "The Vaults", "area", "riverside" ], [ "The Vaults", "familyFriendly", "no" ], [ "The Vaults", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "The Vaults is a Japanese pub located near Rainbow Vegetarian Caf\u00e9, in the riverside area. It is not family-friendly and it is rated and priced averagely." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "food", "Japanese" ], [ "The Vaults", "area", "riverside" ], [ "The Vaults", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "A great Japanese pub is The Vaults along the riverside near Raja Indian Cuisine." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "food", "Japanese" ], [ "The Vaults", "customer rating", "1 out of 5" ], [ "The Vaults", "area", "city centre" ], [ "The Vaults", "familyFriendly", "no" ], [ "The Vaults", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "A pub named The Vaults with Japanese food is located near Raja Indian Cuisine and the city centre. It is not kids friendly with a customer rating of 1 out of 5." }, { "source": "e2e", "text": "A pub called The Vaults with Japanese food is located near Raja Indian Cuisine and the city centre. It is not kids friendly with a customer rating of 1 out of 5." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "food", "Japanese" ], [ "The Vaults", "customer rating", "1 out of 5" ], [ "The Vaults", "area", "city centre" ], [ "The Vaults", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "Low rated Japanese pub, The Vaults is priced moderate near Raja Indian Cuisine in city centre." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "food", "Japanese" ], [ "The Vaults", "customer rating", "3 out of 5" ], [ "The Vaults", "area", "city centre" ], [ "The Vaults", "familyFriendly", "no" ], [ "The Vaults", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "The Vaults pub serves Japanese food in the \u00a320 - \u00a325 price range but is not child friendly and has a customer rating of 3 out of 5 and is located near Rainbow Vegetarian Caf\u00e9 in the city centre" }, { "source": "e2e", "text": "The Vaults pub serves Japanese food in the \u00a320 - \u00a325 price range but is not child friendly and has a customer rating of 3 out of 5 and is located near Rainbow Vegetarian Caf\u00e9 in the city centre" } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "food", "Japanese" ], [ "The Vaults", "customer rating", "3 out of 5" ], [ "The Vaults", "area", "riverside" ], [ "The Vaults", "familyFriendly", "no" ], [ "The Vaults", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "There is a pub near Rainbow Vegetarian Caf\u00e9 in the riverside. Its name is The Vaults. It provides Japanese food. The price range and its rating is average but it isn't family-friendly." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "food", "Japanese" ], [ "The Vaults", "customer rating", "3 out of 5" ], [ "The Vaults", "area", "riverside" ], [ "The Vaults", "familyFriendly", "no" ], [ "The Vaults", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "By the riverside is a pub called The Vaults that serves Japanese food near Raja Indian Cuisine. It is rated average, not child friendly and priced a bit high." }, { "source": "e2e", "text": "An average rated, not child friendly pub called The Vaults is priced high. It is near Raja Indian Cuisine, serves Japanese food and is by the riverside." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "food", "Japanese" ], [ "The Vaults", "customer rating", "3 out of 5" ], [ "The Vaults", "area", "riverside" ], [ "The Vaults", "familyFriendly", "yes" ], [ "The Vaults", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "Near Raja Indian Cuisine, there is a children friendly pub called The Vaults. Located in the riverside area, it serves Japanese food, has a customer rating of 3 out of 5 and is in a higher price range." }, { "source": "e2e", "text": "The Vaults is a pub in the riverside area that has a 3 out of 5 customer rating. Although it has a higher price range, it is children friendly, serves Japanese food and is near the Raja Indian Cuisine." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "food", "Japanese" ], [ "The Vaults", "customer rating", "5 out of 5" ], [ "The Vaults", "area", "city centre" ], [ "The Vaults", "familyFriendly", "no" ], [ "The Vaults", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "A Japanese pub with a 5 out of 5 rating is The Vaults near Raja Indian Cuisine in the city centre. They are not family-friendly." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "food", "Japanese" ], [ "The Vaults", "customer rating", "5 out of 5" ], [ "The Vaults", "area", "city centre" ], [ "The Vaults", "familyFriendly", "yes" ], [ "The Vaults", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Vaults is a highly rated, value for money, Japanese pub found in the city centre near Raja Indian Cuisine. Families are welcome." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "food", "Japanese" ], [ "The Vaults", "customer rating", "5 out of 5" ], [ "The Vaults", "area", "riverside" ], [ "The Vaults", "familyFriendly", "yes" ], [ "The Vaults", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Vaults is a highly rated, family friendly, Japanese pub along the riverside and near Raja Indian Cuisine." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "food", "Japanese" ], [ "The Vaults", "customer rating", "average" ], [ "The Vaults", "area", "riverside" ], [ "The Vaults", "familyFriendly", "yes" ], [ "The Vaults", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Vaults is a pub that serves Japanese food. It is located near Raja Indian Cuisine, on the riverside. Customer rating is average and yes, it is family friendly." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "food", "Japanese" ], [ "The Vaults", "customer rating", "average" ], [ "The Vaults", "familyFriendly", "yes" ], [ "The Vaults", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "Located by the margin of the river, next to Raja Indian Cuisine, The Vaults is a family friendly, 3 star pub that provides Japanese food for a low cost." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "food", "Japanese" ], [ "The Vaults", "customer rating", "high" ], [ "The Vaults", "area", "city centre" ], [ "The Vaults", "familyFriendly", "no" ], [ "The Vaults", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "Near to Rainbow Vegetarian Caf\u00e9 in the city centre there is a highly rated pub, The Vaults, which supplies Japanese refreshments for around \u00a320 per meal. It is not child-friendly." }, { "source": "e2e", "text": "The Vaults is a Japanese pub near Rainbow Vegetarian Caf\u00e9 in the city centre area, providing high quality meals for between \u00a320 and \u00a325. No children." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "food", "Japanese" ], [ "The Vaults", "customer rating", "high" ], [ "The Vaults", "area", "city centre" ], [ "The Vaults", "familyFriendly", "yes" ], [ "The Vaults", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "The Vaults is a kid friendly Japanese pub with a price range typically between \u00a320-2. It has a high customer rating and is located in the city centre near Rainbow Vegetarian Caf\u00e9." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "food", "Japanese" ], [ "The Vaults", "customer rating", "high" ], [ "The Vaults", "area", "riverside" ], [ "The Vaults", "familyFriendly", "yes" ], [ "The Vaults", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "There is a Japanese pub called The Vaults its by the riverside near Raja Indian Cuisine with high ratings and also kid friendly." }, { "source": "e2e", "text": "A kid friendly Japanese pub that has high ratings is close to Raja Indian Cuisine near the riverside, the name is The Vaults." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "food", "Japanese" ], [ "The Vaults", "customer rating", "high" ], [ "The Vaults", "area", "riverside" ], [ "The Vaults", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "High rated Japanese themed pub called The Vaults in the area of Riverside near Rainbow Vegetarian Caf\u00e9." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "food", "Japanese" ], [ "The Vaults", "customer rating", "low" ], [ "The Vaults", "area", "city centre" ], [ "The Vaults", "familyFriendly", "no" ], [ "The Vaults", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "In the city centre near Raja Indian Cuisine you can get Japanese food at The Vaults pub. It has a low customer rating and is not family-friendly." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "food", "Japanese" ], [ "The Vaults", "customer rating", "low" ], [ "The Vaults", "area", "city centre" ], [ "The Vaults", "familyFriendly", "yes" ], [ "The Vaults", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "Serving Japanese food, The Vaults is a pub that offers prices less than \u00a320, a family-friendly environment, and is located near the Raja Indian Cuisine in the city centre. It has a low customer rating." }, { "source": "e2e", "text": "The Vaults is a family-friendly pub near the Raja Indian Cuisine in the city centre. They serve Japanese food that costs less than \u00a320 and have a low customer rating." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "food", "Japanese" ], [ "The Vaults", "customer rating", "low" ], [ "The Vaults", "area", "riverside" ], [ "The Vaults", "familyFriendly", "yes" ], [ "The Vaults", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "Over by the Raja Indian Cuisine on riverside is The Vaults pub. Fairly low rated, but family friendly, and providing Japanese for below \u00a320." }, { "source": "e2e", "text": "The Vaults is a family friendly pub, offering Japanese. low rated, with equally fair pricing of \u00a320. Close to Raja Indian Cuisine at riverside." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "food", "Japanese" ], [ "The Vaults", "familyFriendly", "yes" ], [ "The Vaults", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "In the heart of town near Raja Indian Cuisine is a Japanese pub called The Vaults. They offer a family-friendly environment, good food, and customer satisfaction at a low cost." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "food", "Japanese" ], [ "The Vaults", "priceRange", "cheap" ], [ "The Vaults", "area", "riverside" ], [ "The Vaults", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "The Vaults offers Japanese food and pub with cheap price near Rainbow Vegetarian Caf\u00e9 in riverside." }, { "source": "e2e", "text": "The Vaults offers Japanese food and pub with cheap price near Rainbow Vegetarian Caf\u00e9 in riverside." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "food", "Japanese" ], [ "The Vaults", "priceRange", "cheap" ], [ "The Vaults", "customer rating", "5 out of 5" ], [ "The Vaults", "area", "city centre" ], [ "The Vaults", "familyFriendly", "yes" ], [ "The Vaults", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Vaults is located in the city centre, quite close to Raja Indian Cuisine. It is a family-friendly Japanese pub with great reviews and low prices." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "food", "Japanese" ], [ "The Vaults", "priceRange", "cheap" ], [ "The Vaults", "customer rating", "3 out of 5" ], [ "The Vaults", "familyFriendly", "yes" ], [ "The Vaults", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "In the city near Raja Indian Cuisine there is a family-friendly Japanese pub with a low price range and a customer rating of 3 out of 5 named The Vaults." }, { "source": "e2e", "text": "The Vaults is a family-friendly Japanese food pub in the city near Raja Indian Cuisine with low prices and a customer rating of 3 out of 5." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "food", "Japanese" ], [ "The Vaults", "priceRange", "cheap" ], [ "The Vaults", "customer rating", "5 out of 5" ], [ "The Vaults", "area", "city centre" ], [ "The Vaults", "familyFriendly", "no" ], [ "The Vaults", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Vaults is a pub that serves cheap Japanese food in the city centre near Raja Indian Cuisine. They are not family-friendly and have a customer rating of 5 out of 5." }, { "source": "e2e", "text": "In the city center, near Raja Indian Cuisine there is a cheap high rated Japanese pub named The Vaults. Not family-friendly." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "food", "Japanese" ], [ "The Vaults", "priceRange", "cheap" ], [ "The Vaults", "customer rating", "5 out of 5" ], [ "The Vaults", "area", "city centre" ], [ "The Vaults", "familyFriendly", "yes" ], [ "The Vaults", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Vaults is a family-friendly Japanese pub in the city centre near Raja Indian Cuisine with a cheap price range and has a customer rating of 5 out of 5." }, { "source": "e2e", "text": "The Vaults is a family-friendly Japanese pub in the city centre near Raja Indian Cuisine with a customer rating of 5 out of 5 and has a cheap price range." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "food", "Japanese" ], [ "The Vaults", "priceRange", "cheap" ], [ "The Vaults", "customer rating", "5 out of 5" ], [ "The Vaults", "area", "city centre" ], [ "The Vaults", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "Near Raja Indian Cuisine in the city centre is a cheap 5 star Japanese pub, The Vaults" }, { "source": "e2e", "text": "The Vaults is a cheap 5 star Japanese pub in the city centre near Raja Indian Cuisine" } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "food", "Japanese" ], [ "The Vaults", "priceRange", "cheap" ], [ "The Vaults", "customer rating", "5 out of 5" ], [ "The Vaults", "area", "riverside" ], [ "The Vaults", "familyFriendly", "no" ], [ "The Vaults", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Vaults is a Japanese pub near Raja Indian Cuisine in the riverside area. It has a 5 out of 5 customer rating, cheap food and isn't family-friendly." }, { "source": "e2e", "text": "A 5 out of 5 rated, cheap Japanese pub is called The Vaults. It is in the riverside area near Raja Indian Cuisine and isn't family-friendly." }, { "source": "e2e", "text": "The Vaults is a pub rated 5 out of 5 for their cheap prices. It's located in riverside near Raja Indian Cuisine. No kids and also sell Japanese food" }, { "source": "e2e", "text": "The Vaults is a pub in riverside near Raja Indian Cuisine. It's rated 5 out of 5 for it's cheap prices. Also has Japanese food and no to family-friendly." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "food", "Japanese" ], [ "The Vaults", "priceRange", "cheap" ], [ "The Vaults", "customer rating", "5 out of 5" ], [ "The Vaults", "area", "riverside" ], [ "The Vaults", "familyFriendly", "yes" ], [ "The Vaults", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Vaults, Japanese pub is family friendly with a customer rating of 5 out of 5. Located near Raja Indian Cuisine in the riverside area and offers cheap prices." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "food", "Japanese" ], [ "The Vaults", "priceRange", "cheap" ], [ "The Vaults", "customer rating", "5 out of 5" ], [ "The Vaults", "area", "riverside" ], [ "The Vaults", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "There is a Japanese pub called 'The Vaults' which has a cheap price range. It is located in the riverside area near Raja Indian Cuisine and has a 5 out of 5 rating." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "food", "Japanese" ], [ "The Vaults", "priceRange", "cheap" ], [ "The Vaults", "customer rating", "5 out of 5" ], [ "The Vaults", "familyFriendly", "no" ], [ "The Vaults", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "there is a low price pub named The Vaults near Raja Indian Cuisine that serving Japanese food with a customer rating of 5 out of 5 but not family-friendly" }, { "source": "e2e", "text": "The Vaults is a low price pub near Raja Indian Cuisine that serving Japanese food with a customer rating of 5 out of 5 but not family-friendly" } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "food", "Japanese" ], [ "The Vaults", "priceRange", "cheap" ], [ "The Vaults", "customer rating", "5 out of 5" ], [ "The Vaults", "familyFriendly", "yes" ], [ "The Vaults", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "There is a cheaply priced, family friendly pub where you can get Japanese food. It is called The Vaults and is near to Raja Indian Cuisine. Customers have rated it as 5 out of 5." }, { "source": "e2e", "text": "There is a highly rated pub selling cheaply priced Japanese food. It is called The Vaults and is located near to Raja Indian Cuisine. It is family friendly." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "food", "Japanese" ], [ "The Vaults", "priceRange", "high" ], [ "The Vaults", "area", "city centre" ], [ "The Vaults", "familyFriendly", "yes" ], [ "The Vaults", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "Located near the Raja Indian Cuisine at the city centre, is family-friendly pub The Vaults. Serving Japanese food, The Vaults, is high priced with a 3 out of 5 customer satisfaction rating." }, { "source": "e2e", "text": "There is high priced pub that serves Japanese food near Raja Indian Cuisine in city centre called The Vaults. It is children friendly and has a customer rating of 3 our of 5." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "food", "Japanese" ], [ "The Vaults", "priceRange", "high" ], [ "The Vaults", "area", "riverside" ], [ "The Vaults", "familyFriendly", "yes" ], [ "The Vaults", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Vaults is a high priced children friendly pub serving Japanese food. It is located near Raja Indian Cuisine by the riverside." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "food", "Japanese" ], [ "The Vaults", "priceRange", "high" ], [ "The Vaults", "customer rating", "3 out of 5" ], [ "The Vaults", "area", "city centre" ], [ "The Vaults", "familyFriendly", "no" ], [ "The Vaults", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Vaults is a pub serving Japanese food found in the city centre close to Raja Indian Cuisine. It is quite expensive but it does have good reviews. Families are not welcome." }, { "source": "e2e", "text": "The Vaults is an adults-only pub serving Japanese food. It has good reviews however it is quite expensive. It is located near Raja Indian Cuisine in the city centre." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "food", "Japanese" ], [ "The Vaults", "priceRange", "high" ], [ "The Vaults", "customer rating", "3 out of 5" ], [ "The Vaults", "area", "city centre" ], [ "The Vaults", "familyFriendly", "yes" ], [ "The Vaults", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Vaults is a children friendly pub serving high priced Japanese food in city centre near Raja Indian Cuisine that has a customer rating of 3 out of 5." }, { "source": "e2e", "text": "High priced family-friendly pub, The Vaults has a 3 out of 5 customer rating and offers a Japanese menu. It is located at the city centre near the Raja Indian Cuisine." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "food", "Japanese" ], [ "The Vaults", "priceRange", "high" ], [ "The Vaults", "customer rating", "3 out of 5" ], [ "The Vaults", "area", "city centre" ], [ "The Vaults", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "There's a pub selling Japanese food, it's called The Vaults. It's rated 3 out of 5, it's expensive, and you can't bring your kids. You can find it near Raja Indian Cuisine by the city centre." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "food", "Japanese" ], [ "The Vaults", "priceRange", "high" ], [ "The Vaults", "customer rating", "3 out of 5" ], [ "The Vaults", "area", "riverside" ], [ "The Vaults", "familyFriendly", "no" ], [ "The Vaults", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "Located near Raja Indian Cuisine by the riverside is a high priced Japanese pub, rated 3 out of 5, called The Vaults. It is not children friendly." }, { "source": "e2e", "text": "The Vaults is a high priced pub in the riverside area near Raja Indian Cuisine. It serves Japanese food and is not child friendly but has a customer rating of 3 out of 5." }, { "source": "e2e", "text": "The Vaults is an expensive Japanese pub in the riverside area near Raja Indian Cuisine that is not child friendly . It has a customer rating of 3 out of 5." }, { "source": "e2e", "text": "There is a high priced pub, called The Vaults, near Raja Indian Cuisine by the riverside that provides Japanese food. It rates 3 out of 5 and is not children friendly." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "food", "Japanese" ], [ "The Vaults", "priceRange", "high" ], [ "The Vaults", "customer rating", "3 out of 5" ], [ "The Vaults", "area", "riverside" ], [ "The Vaults", "familyFriendly", "yes" ], [ "The Vaults", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Raja Indian Cuisine by the riverside is kid friendly, but is rated 3 out of 5. There is also a pub that offers Japanese food, but it is a bit expensive. It is called The Vaults." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "food", "Japanese" ], [ "The Vaults", "priceRange", "high" ], [ "The Vaults", "customer rating", "3 out of 5" ], [ "The Vaults", "familyFriendly", "no" ], [ "The Vaults", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Vaults is a non children friendly Japanese pub located in the city near Raja Indian Cuisine with a customer rating of 3 out of 5 and high price range." }, { "source": "e2e", "text": "Near Raja Indian Cuisine in the city is a non children friendly Japanese pub named The Vaults with a high price range and a customer rating of 3 out of 5." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "food", "Japanese" ], [ "The Vaults", "priceRange", "high" ], [ "The Vaults", "customer rating", "5 out of 5" ], [ "The Vaults", "area", "city centre" ], [ "The Vaults", "familyFriendly", "yes" ], [ "The Vaults", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Vaults is a high price range high customer rating pub in the city centre near Raja Indian Cuisine. It is kids friendly ad they serve Japanese food." }, { "source": "e2e", "text": "There is a kids friendly pub The Vaults in the city centre near Raja Indian Cuisine. It has high customer ratings and high price range but they serve Japanese food." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "food", "Japanese" ], [ "The Vaults", "priceRange", "less than \u00a320" ], [ "The Vaults", "area", "city centre" ], [ "The Vaults", "familyFriendly", "yes" ], [ "The Vaults", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "Welcome to The Vaults. We serve Japanese food and our price range is less than 20 pounds. We are a pub and are family-friendly. We are located in the city centre near Raja Indian Cuisine." }, { "source": "e2e", "text": "Welcome to The Vaults. We serve Japanese food and our price range is less than 20 pounds. We are a pub and are family-friendly. We are located in the city centre near Raja Indian Cuisine." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "food", "Japanese" ], [ "The Vaults", "priceRange", "less than \u00a320" ], [ "The Vaults", "area", "city centre" ], [ "The Vaults", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Vaults is Japanese with pub on side Raja Indian Cuisine in the city centre with average no less than \u00a320" } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "food", "Japanese" ], [ "The Vaults", "priceRange", "less than \u00a320" ], [ "The Vaults", "customer rating", "average" ], [ "The Vaults", "area", "city centre" ], [ "The Vaults", "familyFriendly", "no" ], [ "The Vaults", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Vaults is a non-family-friendly Japanese pub with prices less than \u00a320. They are located in the city center near Raja Indian Cuisine. Their rating is average." }, { "source": "e2e", "text": "The Vaults is a Japanese pub located near Raja Indian Cuisine in the city center. It is not family-friendly and prices are less than \u00a320. Their rating is average." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "food", "Japanese" ], [ "The Vaults", "priceRange", "less than \u00a320" ], [ "The Vaults", "customer rating", "average" ], [ "The Vaults", "area", "city centre" ], [ "The Vaults", "familyFriendly", "yes" ], [ "The Vaults", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Vaults pub that is less than 20 pounds and has an average customer rating and is family-friendly. They serve Japanese food near the center of the city and also near the Raja Indian Cuisine." }, { "source": "e2e", "text": "The Vaults pub has an average customer rating and serves Japanese food near the Raja Indian Cuisine and the city center. It is less than 20 pounds and family-friendly." }, { "source": "e2e", "text": "The Vaults offers a Japanese pub dining experience for less than 20 pounds. It is family-friendly, with an average customer rating. It is located in the city centre, near Raja Indian Cuisine." }, { "source": "e2e", "text": "The Vaults offers a Japanese pub dining experience for less than 20 pounds. It is family-friendly, with an average customer rating. It is located in the city centre, near Raja Indian Cuisine." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "food", "Japanese" ], [ "The Vaults", "priceRange", "less than \u00a320" ], [ "The Vaults", "customer rating", "average" ], [ "The Vaults", "area", "riverside" ], [ "The Vaults", "familyFriendly", "no" ], [ "The Vaults", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "Serving Japanese food in it's pub, The Vaults, is not family-friendly. It has a price range of less than \u00a320 and an average customer rating. and is located in the riverside area near Raja Indian Cuisine." }, { "source": "e2e", "text": "The Vaults is located in riverside, near Raja Indian Cuisine. it is a pub which sells Japanese food for less than \u00a320. it is rated average by customers but isn't family-friendly" }, { "source": "e2e", "text": "While not family-friendly, The Vaults pub has an average customer rating for it's Japanese food. Priced less than \u00a320 per meal it is located near Raja Indian Cuisine in the riverside area." }, { "source": "e2e", "text": "The Vaults is located in riverside, near Raja Indian Cuisine. it is a pub which sells Japanese food for less than \u00a320. it is rated average by customers but isn't family-friendly" } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "food", "Japanese" ], [ "The Vaults", "priceRange", "less than \u00a320" ], [ "The Vaults", "customer rating", "average" ], [ "The Vaults", "area", "riverside" ], [ "The Vaults", "familyFriendly", "yes" ], [ "The Vaults", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Vaults is a riverside pub, situated near Raja Indian Cuisine. It has a price range of less than \u00a320 and serves Japanese food. Yes, it is also family friendly. The customer rating is average." }, { "source": "e2e", "text": "Near Raja Indian Cuisine is a Japanese pub called The Vaults by the riverside which is family friendly and is less than \u00a320 with an average customer rating" } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "food", "Japanese" ], [ "The Vaults", "priceRange", "less than \u00a320" ], [ "The Vaults", "customer rating", "average" ], [ "The Vaults", "familyFriendly", "yes" ], [ "The Vaults", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Vaults is a 3 star, family friendly pub located by the margin of the river next to Raja Indian Cuisine that provides Japanese food for a cheap price." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "food", "Japanese" ], [ "The Vaults", "priceRange", "less than \u00a320" ], [ "The Vaults", "customer rating", "low" ], [ "The Vaults", "area", "city centre" ], [ "The Vaults", "familyFriendly", "no" ], [ "The Vaults", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Vaults is a pub that is not family-friendly, less than 20 euros, and sells Japanese food in the center of the city. Customers give it a low rating, it is located near Raja Indian Cuisine." }, { "source": "e2e", "text": "A Japanese pub located in the city centre near Raja Indian Cuisine, The Vaults is moderately priced, not child friendly, with a low customer rating." }, { "source": "e2e", "text": "The Vaults near Raja Indian Cuisine in the city centre is a pub offering Japanese food for less than \u00a320. It is not family-friendly with a low customer rating." }, { "source": "e2e", "text": "The Vaults is a pub that is not family-friendly, less than 20 euros, and sells Japanese food in the center of the city. Customers give it a low rating, it is located near Raja Indian Cuisine." }, { "source": "e2e", "text": "For cheap Japanese food in the town centre, The Vaults is a pub close to Raja Indian Cuisine but not family friendly. It is cheap and has 1 out of 5 stars." }, { "source": "e2e", "text": "The Vaults pub serves Japanese food in the city centre near to Raja Indian Cuisine. It is cheap, not family friendly and has been rated 1 out of 5 stars." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "food", "Japanese" ], [ "The Vaults", "priceRange", "less than \u00a320" ], [ "The Vaults", "customer rating", "low" ], [ "The Vaults", "area", "city centre" ], [ "The Vaults", "familyFriendly", "yes" ], [ "The Vaults", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Vaults is a pub. It that is family-friendly. t offers Japanese food and is located in the city centre near Raja Indian Cuisine. Prices range less than \u00a320 and the customer rating is low." }, { "source": "e2e", "text": "The Vaults is a pub that is family-friendly. Prices range less than \u00a320. It offers Japanese food and is located in the city centre near Raja Indian Cuisine. It has a low customer rating." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "food", "Japanese" ], [ "The Vaults", "priceRange", "less than \u00a320" ], [ "The Vaults", "customer rating", "low" ], [ "The Vaults", "area", "riverside" ], [ "The Vaults", "familyFriendly", "no" ], [ "The Vaults", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Vaults is a Japanese pub on the riverside. It is near Raja Indian Cuisine. It is not family-friendly. The customer rating is low and the price range is less than \u00a320." }, { "source": "e2e", "text": "The Vaults is a Japanese pub. It is not family-friendly. It is in the riverside area near Raja Indian Cuisine. The customer rating is low. The price range is less than \u00a320." }, { "source": "e2e", "text": "The Vaults is a pub providing not a family-friendly atmosphere. It serves Japanese food for less than \u00a320. It is located near Raja Indian Cuisine in the riverside. It has a low customer rating." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "food", "Japanese" ], [ "The Vaults", "priceRange", "less than \u00a320" ], [ "The Vaults", "customer rating", "low" ], [ "The Vaults", "area", "riverside" ], [ "The Vaults", "familyFriendly", "yes" ], [ "The Vaults", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Vaults is a Japanese pub near Raja Indian Cuisine in the riverside area. It has a price range of less than 20 pounds and a low customer rating, but it is family-friendly." }, { "source": "e2e", "text": "There is a Japanese pub called The Vaults located near Raja Indian Cuisine in the riverside area. It has a price range of less than 20 pounds and a low customer rating. It is also family-friendly." }, { "source": "e2e", "text": "The Vaults is a low rated pub near Raja Indian Cuisine and the riverside that is family friendly and is less than \u00a320 for Japanese food." }, { "source": "e2e", "text": "The Vaults is a Japanese pub offering food with price range less than \u00a320 for family and is located along riverside near Raja Indian Cuisine but has low customer rating" }, { "source": "e2e", "text": "A low rated pub near Raja Indian Cuisine and the riverside that is called The Vaults and is family friendly and is less than \u00a320 for Japanese food." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "food", "Japanese" ], [ "The Vaults", "priceRange", "less than \u00a320" ], [ "The Vaults", "customer rating", "low" ], [ "The Vaults", "area", "riverside" ], [ "The Vaults", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Vaults is a Japanese style pub in the price range less than \u00a320 with a low customer rating. It is located on the riverside near Raja Indian Cuisine." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "food", "Japanese" ], [ "The Vaults", "priceRange", "moderate" ], [ "The Vaults", "customer rating", "1 out of 5" ], [ "The Vaults", "area", "city centre" ], [ "The Vaults", "familyFriendly", "yes" ], [ "The Vaults", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Vaults is a kid friendly Japanese pub in the city centre near Raja Indian Cuisine with a customer rating of 1 out of 5 and has a moderate price range." }, { "source": "e2e", "text": "The Vaults is a kid friendly Japanese pub in the city centre near Raja Indian Cuisine with a moderate price range and has a customer rating of 1 out of 5." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "food", "Japanese" ], [ "The Vaults", "priceRange", "moderate" ], [ "The Vaults", "customer rating", "1 out of 5" ], [ "The Vaults", "area", "city centre" ], [ "The Vaults", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Vaults is a moderately priced low rated Japanese pub near Raja Indian Cuisine in city centre." }, { "source": "e2e", "text": "The Vaults is a pub that has a moderate price range and Japanese food with low ratings near Raja Indian Cuisine in city centre with a moderate price range." }, { "source": "e2e", "text": "In city centre near Raja Indian Cuisine is The Vaults that is a pub and Japanese food place with low reviews and a price range of moderate." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "food", "Japanese" ], [ "The Vaults", "priceRange", "moderate" ], [ "The Vaults", "customer rating", "low" ], [ "The Vaults", "area", "city centre" ], [ "The Vaults", "familyFriendly", "yes" ], [ "The Vaults", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "Located near Raja Indian Cuisine in the city centre, The Vaults is a Japanese pub with a low rating, moderate prices, and lacking a child friendly atmosphere." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "food", "Japanese" ], [ "The Vaults", "priceRange", "\u00a320-25" ], [ "The Vaults", "area", "city centre" ], [ "The Vaults", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "Located near the Rainbow Vegetarian Caf\u00e9 at the city centre, adult pub The Vaults serves Japanese food at average prices while boasting a high customer approval rate." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "food", "Japanese" ], [ "The Vaults", "priceRange", "\u00a320-25" ], [ "The Vaults", "area", "city centre" ], [ "The Vaults", "familyFriendly", "no" ], [ "The Vaults", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "The Vaults is non family-friendly pub serving Japanese food at average prices. Located near the Rainbow Vegetarian Caf\u00e9 at the city centre." }, { "source": "e2e", "text": "The Vaults is a pub serving Japanese food near the city centre near Rainbow Vegetarian Caf\u00e9. It is averagely priced and not very kid friendly." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "food", "Japanese" ], [ "The Vaults", "priceRange", "\u00a320-25" ], [ "The Vaults", "area", "riverside" ], [ "The Vaults", "familyFriendly", "yes" ], [ "The Vaults", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "There is a kid friendly well liked pub named The Vaults near Rainbow Vegetarian Caf\u00e9 in Riverside that sells Japanese food at an average price." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "food", "Japanese" ], [ "The Vaults", "priceRange", "\u00a320-25" ], [ "The Vaults", "area", "riverside" ], [ "The Vaults", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "there is a Japanese pub called The Vaults with a price range of 20-25 pounds in Riverside near Raja Indian Cuisine" } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "food", "Japanese" ], [ "The Vaults", "priceRange", "\u00a320-25" ], [ "The Vaults", "customer rating", "3 out of 5" ], [ "The Vaults", "area", "city centre" ], [ "The Vaults", "familyFriendly", "no" ], [ "The Vaults", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "Near Rainbow Vegetarian Caf\u00e9 in the city centre is a pub called The Vaults. It serves Japanese food with a rating of 3 out of 5. It isn't kids friendly and has a \u00a320-25 price range." }, { "source": "e2e", "text": "The Vaults is in the city centre near Rainbow Vegetarian Caf\u00e9, it is a Japanese food serving pub with a \u00a320-25 price range. It isn't kids friendly and has a 3 out of 5 rating." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "food", "Japanese" ], [ "The Vaults", "priceRange", "\u00a320-25" ], [ "The Vaults", "customer rating", "3 out of 5" ], [ "The Vaults", "area", "city centre" ], [ "The Vaults", "familyFriendly", "yes" ], [ "The Vaults", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "The Vaults is a kid friendly pub serving Japanese food located in the city center near Rainbow Vegetarian Caf\u00e9. Prices range from \u00a320-25 and the customer rating is 3 out of 5." }, { "source": "e2e", "text": "Japanese cuisine served at The Vaults, has a rating of 3 out of 5. This kid friendly pub will range in price from 20-25, and is located near Rainbow Vegetarian Caf\u00e9 in the center of the city." }, { "source": "e2e", "text": "The Vaults is a pub located near Rainbow Vegetarian Caf\u00e9 in the city center. They serve Japanese food with prices ranging from \u00a320-25. They are kid friendly and have a rating of 3 out of 5." }, { "source": "e2e", "text": "The Vaults is a kid friendly pub located near Rainbow Vegetarian Caf\u00e9 in the city centre. They serve Japanese food with a price range of 20-25 and are rated 3 out of 5." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "food", "Japanese" ], [ "The Vaults", "priceRange", "\u00a320-25" ], [ "The Vaults", "customer rating", "3 out of 5" ], [ "The Vaults", "area", "riverside" ], [ "The Vaults", "familyFriendly", "no" ], [ "The Vaults", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "Riverside pub near Rainbow Vegetarian Caf\u00e9, The Vaults, offers Japanese food and has a 3 out of 5 rating. It is not kid-friendly, but average price." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "food", "Japanese" ], [ "The Vaults", "priceRange", "\u00a320-25" ], [ "The Vaults", "customer rating", "3 out of 5" ], [ "The Vaults", "area", "riverside" ], [ "The Vaults", "familyFriendly", "yes" ], [ "The Vaults", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "The Vaults is a kid friendly Japanese pub. Located in the riverside area near Rainbow Vegetarian Caf\u00e9. Price range : \u00a320-25. Rating 3 out of 5" } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "food", "Japanese" ], [ "The Vaults", "priceRange", "\u00a320-25" ], [ "The Vaults", "customer rating", "high" ], [ "The Vaults", "area", "riverside" ], [ "The Vaults", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "Find The Vaults is a Japanese food a highly rated kids friendly average priced pub near Raja Indian Cuisine in the riverside area." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "food", "Japanese" ], [ "The Vaults", "priceRange", "\u00a320-25" ], [ "The Vaults", "customer rating", "3 out of 5" ], [ "The Vaults", "familyFriendly", "yes" ], [ "The Vaults", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "Rated 3 out of 5, The Vaults is a Japanese pub located near the Rainbow Vegetarian Caf\u00e9. Price range : \u00a320-25. Kid Friendly" } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "food", "Japanese" ], [ "The Vaults", "priceRange", "\u00a320-25" ], [ "The Vaults", "customer rating", "high" ], [ "The Vaults", "area", "city centre" ], [ "The Vaults", "familyFriendly", "no" ], [ "The Vaults", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "An averagely priced pub serving Japanese called The Vaults; not kid friendly. A very high customer rating, located in the city centre near Rainbow Vegetarian Caf\u00e9." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "food", "Japanese" ], [ "The Vaults", "priceRange", "\u00a320-25" ], [ "The Vaults", "customer rating", "high" ], [ "The Vaults", "area", "city centre" ], [ "The Vaults", "familyFriendly", "yes" ], [ "The Vaults", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "The Vaults is a highly rated Japanese pub located in the city centre near Rainbow Vegetarian Caf\u00e9. It has a price range between \u00a320-25 and is child friendly." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "food", "Japanese" ], [ "The Vaults", "priceRange", "\u00a320-25" ], [ "The Vaults", "customer rating", "high" ], [ "The Vaults", "area", "riverside" ], [ "The Vaults", "familyFriendly", "no" ], [ "The Vaults", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "There's a pub that serves Japanese food at Riverside called The Vaults. It's near Rainbow Vegetarian Caf\u00e9. The price range is about \u00a320-25 and it's not kids-friendly, but the customer Rating is high." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "food", "Japanese" ], [ "The Vaults", "priceRange", "\u00a320-25" ], [ "The Vaults", "customer rating", "high" ], [ "The Vaults", "area", "riverside" ], [ "The Vaults", "familyFriendly", "no" ], [ "The Vaults", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Vaults is a non-kids-friendly pub with a high customer rating. Serving Japanese food at around \u00a320-25, it's located on Riverside, near Raja Indian Cuisine." }, { "source": "e2e", "text": "The Vaults, located riverside near Raja Indian Cuisine, offers Japanese food with a price range of \u00a320-25. It is a pub with a high customer rating, not children friendly." }, { "source": "e2e", "text": "Located riverside near Raja Indian Cuisine, The Vaults is a pub offering Japanese food with a price range of \u00a320-25. Not children friendly, but it has a high customer rating." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "food", "Japanese" ], [ "The Vaults", "priceRange", "\u00a320-25" ], [ "The Vaults", "customer rating", "high" ], [ "The Vaults", "area", "riverside" ], [ "The Vaults", "familyFriendly", "yes" ], [ "The Vaults", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Vaults, a Japanese pub on the riverside near Raja Indian Cuisine, boasts moderate prices, high ratings and a family friendly atmosphere." }, { "source": "e2e", "text": "Located on the riverside near Raja Indian Cuisine, The Vaults, a Japanese pub, boasts moderate prices, high ratings, and a family friendly atmosphere." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "A family safe, mid priced pub located next to Rainbow Vegetarian Caf\u00e9 is The Vaults." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Vaults pub is a great place to bring your kids and is not far from Raja Indian Cuisine" } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "priceRange", "cheap" ], [ "The Vaults", "familyFriendly", "yes" ], [ "The Vaults", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Vaults pub is a low priced, family friendly establishment, located on the outskirts of the city, near Raja Indian Cuisine." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "priceRange", "cheap" ], [ "The Vaults", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Vaults pub serves food and drinks cheap prices located next to Raja Indian Cuisine." }, { "source": "e2e", "text": "The Vaults is a cheap pub located next to Raja Indian Cuisine." }, { "source": "e2e", "text": "The Vaults pub located at Raja Indian Cuisine, offers the best sushi and stake at affordable prices." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "priceRange", "high" ], [ "The Vaults", "customer rating", "5 out of 5" ], [ "The Vaults", "area", "riverside" ], [ "The Vaults", "familyFriendly", "yes" ], [ "The Vaults", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Vaults is a high priced, high quality pub that provides Sushi. It is family friendly and is located near Raja Indian Cuisine and the Riverside." }, { "source": "e2e", "text": "The Vaults, located near Raja Indian Cuisine and the Riverside, is a high priced, high quality pub that provides Sushi. It is family friendly." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "priceRange", "less than \u00a320" ], [ "The Vaults", "area", "city centre" ], [ "The Vaults", "familyFriendly", "yes" ], [ "The Vaults", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Vaults pub is family friendly, and serves inexpensive food. It is near the city centre next to the river and Raja Indian Cuisine." }, { "source": "e2e", "text": "Near the Raja Indian Cuisine in City centre, you will find a pub called The Vaults. This moderately priced pub is great for families." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "priceRange", "less than \u00a320" ], [ "The Vaults", "area", "city centre" ], [ "The Vaults", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "Located near Raja Indian Cuisine, The Vaults is a low priced pub north of the city center." }, { "source": "e2e", "text": "The Vaults is a low price pub located near Raja Indian Cuisine north of the city center." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "priceRange", "less than \u00a320" ], [ "The Vaults", "area", "riverside" ], [ "The Vaults", "familyFriendly", "yes" ], [ "The Vaults", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "There is an inexpensive, family-friendly pub near the river and Rainbow Vegetarian Caf\u00e9. It's called The Vaults and serves pasta." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "priceRange", "less than \u00a320" ], [ "The Vaults", "customer rating", "average" ], [ "The Vaults", "area", "riverside" ], [ "The Vaults", "familyFriendly", "yes" ], [ "The Vaults", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "There is a family friendly pub by the riverside near Raja Indian Cuisine called The Vaults which has an average customer rating and is family friendly with price of less than \u00a320" } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "priceRange", "less than \u00a320" ], [ "The Vaults", "customer rating", "average" ], [ "The Vaults", "familyFriendly", "yes" ], [ "The Vaults", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Vaults is a cheap pub near Raja Indian Cuisine that is family friendly and three star rated." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "priceRange", "less than \u00a320" ], [ "The Vaults", "customer rating", "low" ], [ "The Vaults", "area", "city centre" ], [ "The Vaults", "familyFriendly", "no" ], [ "The Vaults", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "The Vaults is low customer rating pub. It's not family-friendly and is near the Rainbow Vegetarian Caf\u00e9 in the centre of the city. It has a price range of less than \u00a320." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "priceRange", "less than \u00a320" ], [ "The Vaults", "customer rating", "low" ], [ "The Vaults", "area", "city centre" ], [ "The Vaults", "familyFriendly", "no" ], [ "The Vaults", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Vaults is located near Raja Indian Cuisine, in City centre. It is a cheap pub with a one star rating. It is not family friendly." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "priceRange", "less than \u00a320" ], [ "The Vaults", "customer rating", "low" ], [ "The Vaults", "area", "city centre" ], [ "The Vaults", "familyFriendly", "yes" ], [ "The Vaults", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "Located in the city centre, The Vaults is near Raja Indian Cuisine. It is a pub that is family-friendly with cheap prices and low ratings." }, { "source": "e2e", "text": "The Vaults is a family-friendly pub located in the city centre near Raja Indian Cuisine. It has cheap prices and low customer ratings." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "priceRange", "less than \u00a320" ], [ "The Vaults", "customer rating", "low" ], [ "The Vaults", "area", "city centre" ], [ "The Vaults", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Vaults is a pub in City centre, near Raja Indian Cuisine. It is inexpensive and lowly rated. It is not a good place to take children." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "priceRange", "less than \u00a320" ], [ "The Vaults", "customer rating", "low" ], [ "The Vaults", "familyFriendly", "yes" ], [ "The Vaults", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "There is cheap, family friendly pub near Rainbow Vegetarian Caf\u00e9 called The Vaults. It has a one-star rating." }, { "source": "e2e", "text": "The Vaults is a cheap, one-star pub near Rainbow Vegetarian Caf\u00e9. It is family friendly." }, { "source": "e2e", "text": "The Vaults is a pub. They are low priced and family friendly. They have been rated one star and are opposite to Rainbow Vegetarian Caf\u00e9." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "priceRange", "less than \u00a320" ], [ "The Vaults", "customer rating", "low" ], [ "The Vaults", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "Near Raja Indian Cuisine, The Vaults pub offers low quality at low prices for your family" } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "priceRange", "less than \u00a320" ], [ "The Vaults", "familyFriendly", "yes" ], [ "The Vaults", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "The Vaults is an inexpensive pub near Rainbow Vegetarian Caf\u00e9 and the river. It is family-friendly and serves pasta." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "priceRange", "less than \u00a320" ], [ "The Vaults", "familyFriendly", "yes" ], [ "The Vaults", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Vaults pub is an inexpensive, family-friendly sushi bar located by Raja Indian Cuisine." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "priceRange", "less than \u00a320" ], [ "The Vaults", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "Near Rainbow Vegetarian Caf\u00e9 there is a inexpensive pub called The Vaults which serves spaghetti." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "priceRange", "less than \u00a320" ], [ "The Vaults", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "There is a pub and family pub called The Vaults that provides wine and spirits and picnic food items that is inexpensive and near Raja Indian Cuisine." }, { "source": "e2e", "text": "The Vaults pub and family pub that provides wine and spirits and picnic food items is inexpensive and close to Raja Indian Cuisine." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "priceRange", "moderate" ], [ "The Vaults", "area", "city centre" ], [ "The Vaults", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "The Vaults pub is located near Rainbow Vegetarian Caf\u00e9 in city centre and has a moderate price range." }, { "source": "e2e", "text": "Near Rainbow Vegetarian Caf\u00e9 in the city centre is The Vaults family pub. It is mid range priced." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "priceRange", "moderate" ], [ "The Vaults", "area", "riverside" ], [ "The Vaults", "familyFriendly", "yes" ], [ "The Vaults", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Vaults is a pub which sells fine foods at moderate prices. They welcome families and are just east of Raja Indian Cuisine on the River" } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "priceRange", "moderate" ], [ "The Vaults", "area", "riverside" ], [ "The Vaults", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "There is a pub called The Vaults near Raja Indian Cuisine that serves moderate priced food is in the riverside area and is for adults." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "priceRange", "moderate" ], [ "The Vaults", "customer rating", "1 out of 5" ], [ "The Vaults", "area", "riverside" ], [ "The Vaults", "familyFriendly", "no" ], [ "The Vaults", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "The Vaults, moderately priced pub near Rainbow Vegetarian Caf\u00e9 in the Riverside area, not kid friendly, 1 out of 5 rating." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "priceRange", "moderate" ], [ "The Vaults", "familyFriendly", "yes" ], [ "The Vaults", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "The Vaults is a family oriented pub and it's affordable. It's next to Rainbow Vegetarian Caf\u00e9." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "priceRange", "more than \u00a330" ], [ "The Vaults", "area", "city centre" ], [ "The Vaults", "familyFriendly", "yes" ], [ "The Vaults", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Vaults pub, located in city centre, is children friendly with a price range of more than \u00a330. It is near Raja Indian Cuisine." }, { "source": "e2e", "text": "The Vaults is a high-priced family friendly pub that serves wines and cheeses. It is located in the City centre and is near by the Raja Indian Cuisine." }, { "source": "e2e", "text": "There is a high priced range pub called The Vaults located in City Centre that is family friendly and offers Raja Indian Cuisine." }, { "source": "e2e", "text": "The Vaults is a high-priced pub that serves wines and cheeses. It is family friendly and is located in the City centre and is near by Raja Indian Cuisine." }, { "source": "e2e", "text": "The Vaults is a high priced range family friendly pub located in City Centre that offers Raja Indian Cuisine." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "priceRange", "more than \u00a330" ], [ "The Vaults", "customer rating", "high" ], [ "The Vaults", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "The Vaults is a family safe, high priced, 5 star pub, located next to Rainbow Vegetarian Caf\u00e9." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "priceRange", "more than \u00a330" ], [ "The Vaults", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "There is an expensive pub The Vaults located near Raja Indian Cuisine." }, { "source": "e2e", "text": "The Vaults is a pub in the high-price range. It is located near Raja Indian Cuisine." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "priceRange", "\u00a320-25" ], [ "The Vaults", "area", "riverside" ], [ "The Vaults", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Vaults is an average-priced pub near Raja Indian Cuisine, by the river. Kids welcome." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "priceRange", "\u00a320-25" ], [ "The Vaults", "customer rating", "high" ], [ "The Vaults", "area", "city centre" ], [ "The Vaults", "familyFriendly", "yes" ], [ "The Vaults", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "The Vaults is a kid-friendly, average priced pub with a high customer rating in the City Centre near Rainbow Vegetarian Caf\u00e9." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "pub" ], [ "The Vaults", "priceRange", "\u00a320-25" ], [ "The Vaults", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "The Vaults is a pub providing sea food deliveries in the average price range. It is located in the north of city after Rainbow Vegetarian Caf\u00e9 next to river" }, { "source": "e2e", "text": "The Vaults is a pub providing sea food deliveries in the average price range. It is located in the north of city after Rainbow Vegetarian Caf\u00e9 next to river" } ] }, { "tripleset": [ [ "The Vaults", "eatType", "restaurant" ], [ "The Vaults", "area", "riverside" ], [ "The Vaults", "familyFriendly", "no" ], [ "The Vaults", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "Sitting on the riverside close to Raja Indian Cuisine, The Vaults is a low cost restaurant. This is not a family friendly restaurant." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "restaurant" ], [ "The Vaults", "area", "riverside" ], [ "The Vaults", "familyFriendly", "yes" ], [ "The Vaults", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Vaults is a reasonably priced, family friendly restaurant located near Raja Indian Cuisine by the river." }, { "source": "e2e", "text": "The Vaults is a family friendly restaurant that deals in modern delicacies. They cater to those with checkbooks of moderate size, and can be found in the Park on the River, just east of Raja Indian Cuisine." }, { "source": "e2e", "text": "The Vaults is a restaurant is located near Raja Indian Cuisine by the river. They are a reasonably priced restaurant that is family friendly." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "restaurant" ], [ "The Vaults", "familyFriendly", "no" ], [ "The Vaults", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "restaurant, The Vaults, is reasonably priced. Located near Raja Indian Cuisine, it's not considered family friendly." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "restaurant" ], [ "The Vaults", "familyFriendly", "yes" ], [ "The Vaults", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Vaults restaurant is a family oriented restaurant that features some of the best wine in the area. Also close to Raja Indian Cuisine" } ] }, { "tripleset": [ [ "The Vaults", "eatType", "restaurant" ], [ "The Vaults", "food", "French" ], [ "The Vaults", "area", "city centre" ], [ "The Vaults", "familyFriendly", "no" ], [ "The Vaults", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Vaults restaurant offers French cuisine at budget prices, but does not welcome families. It is located outside of the City centre near Raja Indian Cuisine." }, { "source": "e2e", "text": "A restaurant near Raja Indian Cuisine in the city centre called The Vaults sells French food moderate pricing and not child-friendly." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "restaurant" ], [ "The Vaults", "food", "French" ], [ "The Vaults", "area", "city centre" ], [ "The Vaults", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "If you've got kids in tow with a curious palate, why not try The Vaults, a French style restaurant in the city centre - near Raja Indian Cuisine." }, { "source": "e2e", "text": "The Vaults is an up market French cuisine restaurant located in the City Centre near to the Raja Indian Cuisine restaurant" }, { "source": "e2e", "text": "If you are looking for an up market French restaurant you should try The Vaults which is located in the city centre close to the Raja Indian Cuisine restaurant" } ] }, { "tripleset": [ [ "The Vaults", "eatType", "restaurant" ], [ "The Vaults", "food", "French" ], [ "The Vaults", "area", "riverside" ], [ "The Vaults", "familyFriendly", "no" ], [ "The Vaults", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Vaults is a French restaurant with prices above \u00a330 in the riverside area near Raja Indian Cuisine. It isn't child friendly." }, { "source": "e2e", "text": "A French restaurant with prices above \u00a330 in the riverside area near Raja Indian Cuisine which isn't child friendly is called The Vaults." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "restaurant" ], [ "The Vaults", "food", "French" ], [ "The Vaults", "area", "riverside" ], [ "The Vaults", "familyFriendly", "yes" ], [ "The Vaults", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Vaults is a child friendly, high end, French bistro and restaurant that is located in riverside near Raja Indian Cuisine" }, { "source": "e2e", "text": "For less than \u00a320, The Vaults is a family friendly riverside French restaurant near Raja Indian Cuisine." }, { "source": "e2e", "text": "The Vaults, a family friendly restaurant that serves French food with prices less than L20. It is in the riverside area near Raja Indian Cuisine." }, { "source": "e2e", "text": "The Vaults, is a restaurant that is family friendly with prices less than L20 It serves French food and is near Raja Indian Cuisine in the riverside area." }, { "source": "e2e", "text": "Family friendly French restaurant, The Vaults, is located riverside near Raja Indian Cuisine with a price range less than \u00a320." }, { "source": "e2e", "text": "The Vaults French restaurant is children friendly, and can be found in the riverside area near Raja Indian Cuisine." }, { "source": "e2e", "text": "Located in riverside near Raja Indian Cuisine, The Vaults restaurant offers French food. Child friendly ranging in price more end \u00a330." }, { "source": "e2e", "text": "A children-friendly restaurant called The Vaults is in the riverside area near Raja Indian Cuisine. The price range is more than E30 and it serves French food." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "restaurant" ], [ "The Vaults", "food", "French" ], [ "The Vaults", "area", "riverside" ], [ "The Vaults", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The up market French restaurant, The Vaults, is located at the riverside near to the Raja Indian Cuisine restaurant" }, { "source": "e2e", "text": "The Vaults restaurant has French cuisine and is located at the riverside close to the Raja Indian Cuisine restaurant" }, { "source": "e2e", "text": "The Vaults restaurant offers French food, in the riverside area. Loved near Raja Indian Cuisine." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "restaurant" ], [ "The Vaults", "food", "French" ], [ "The Vaults", "familyFriendly", "yes" ], [ "The Vaults", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Vaults is a family friendly, restaurant near Raja Indian Cuisine. It serves French food for less that 20GBP." }, { "source": "e2e", "text": "The Vaults serves French food in a family friendly restaurant and is situated near Raja Indian Cuisine" } ] }, { "tripleset": [ [ "The Vaults", "eatType", "restaurant" ], [ "The Vaults", "food", "Italian" ], [ "The Vaults", "priceRange", "less than \u00a320" ], [ "The Vaults", "area", "riverside" ], [ "The Vaults", "familyFriendly", "no" ], [ "The Vaults", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Vaults restaurant offers a low-price range of delicacies such as wine and spirits, fondue, cheeseboards, French and Italian dishes. It is not family-friendly. It is situated by the river, and near to the Raja Indian Cuisine." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "restaurant" ], [ "The Vaults", "food", "French" ], [ "The Vaults", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Vaults is a restaurant with French food near to Raja Indian Cuisine" } ] }, { "tripleset": [ [ "The Vaults", "eatType", "restaurant" ], [ "The Vaults", "food", "French" ], [ "The Vaults", "priceRange", "high" ], [ "The Vaults", "area", "riverside" ], [ "The Vaults", "familyFriendly", "yes" ], [ "The Vaults", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "Situated near Raja Indian Cuisine on the riverside is a child friendly restaurant serving French food with a high price range called The Vaults." }, { "source": "e2e", "text": "The Vaults is a restaurant near Raja Indian Cuisine in Riverside that serves expensive French food. It is children friendly." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "restaurant" ], [ "The Vaults", "food", "French" ], [ "The Vaults", "priceRange", "less than \u00a320" ], [ "The Vaults", "area", "city centre" ], [ "The Vaults", "familyFriendly", "no" ], [ "The Vaults", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Vaults restaurant serves French food and is near the city center and the Raja Indian Cuisine. It is not family-friendly and is priced in the less than 20 pound range." }, { "source": "e2e", "text": "The Vaults is a restaurant that serves French food. It is located near Raja Indian Cuisine in the center of the city. It is not family-friendly. It has a price range of less than \u00a320." }, { "source": "e2e", "text": "The Vaults is a restaurant located in the city centre near Raja Indian Cuisine. It is not family-friendly and serves French food. It has a price range of less than \u00a320." }, { "source": "e2e", "text": "The Vaults restaurant is not family-friendly and is priced in the less than 20 pound range. They serve French food near the Raja Indian Cuisine and the city center." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "restaurant" ], [ "The Vaults", "food", "French" ], [ "The Vaults", "priceRange", "less than \u00a320" ], [ "The Vaults", "area", "city centre" ], [ "The Vaults", "familyFriendly", "yes" ] ], "annotations": [ { "source": "e2e", "text": "Near Raja Cuisine, in the city centre is a restaurant offering French food. The Vaults is cheap and family-friendly." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "restaurant" ], [ "The Vaults", "food", "French" ], [ "The Vaults", "priceRange", "less than \u00a320" ], [ "The Vaults", "area", "city centre" ], [ "The Vaults", "familyFriendly", "yes" ], [ "The Vaults", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "Low priced French restaurant The Vaults can be found in the city centre close to Raja Indian Cuisine. Not recommended for families." }, { "source": "e2e", "text": "The Vaults is a cheap French restaurant. It can be found in the city centre, close to Raja Indian Cuisine, not recommended for families." }, { "source": "e2e", "text": "The Vaults restaurant is family-friendly French food in city centre near Raja Indian Cuisine with a price range less than \u00a320." }, { "source": "e2e", "text": "The Vaults restaurant is family-friendly French food shop in city centre near Raja Indian Cuisine with a price range less than \u00a320." }, { "source": "e2e", "text": "The Vaults is a cheap, family-friendly French restaurant located near Raja Indian Cuisine in the city centre." }, { "source": "e2e", "text": "The Vaults is a family-friendly restaurant in the city centre near Raja Indian Cuisine. It serves French food and is in the price range of less than \u00a320." }, { "source": "e2e", "text": "French food can be found at The Vaults which is near Raja Indian Cuisine in the city centre. It is a family-friendly restaurant and has a price range of less than \u00a320." }, { "source": "e2e", "text": "The Vaults restaurant and French restaurant is located outside of the City centre near Raja Indian Cuisine. It offers a cheap dining experience but does not cater for families." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "restaurant" ], [ "The Vaults", "food", "French" ], [ "The Vaults", "priceRange", "less than \u00a320" ], [ "The Vaults", "area", "riverside" ], [ "The Vaults", "familyFriendly", "no" ], [ "The Vaults", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Vaults restaurant serves French for less than \u00a320. Near Raja Indian Cuisine in riverside. No families." }, { "source": "e2e", "text": "There is a no family-friendly restaurant The Vaults located near Raja Indian Cuisine in the riverside that provides French food in the cheap price range." }, { "source": "e2e", "text": "For less than \u00a320, French restaurant The Vaults can be found in Riverside near Raja Indian Cuisine. No families." }, { "source": "e2e", "text": "The Vaults is a no family-friendly restaurant providing French food in the cheap price range. It is located near Raja Indian Cuisine in the riverside." }, { "source": "e2e", "text": "The Vaults restaurant is not family-friendly, sells French food, and has a price range of less than \u00a320. It is located in the riverside area near Raja Indian Cuisine." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "restaurant" ], [ "The Vaults", "food", "French" ], [ "The Vaults", "priceRange", "less than \u00a320" ], [ "The Vaults", "area", "riverside" ], [ "The Vaults", "familyFriendly", "yes" ], [ "The Vaults", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "For less than \u00a320 you can get French food at a family friendly restaurant. The Vaults is located near Raja Indian Cuisine in riverside." }, { "source": "e2e", "text": "The Vaults is a restaurant near Raja Indian Cuisine at riverside for French food good for family. The food cost less than \u00a320." }, { "source": "e2e", "text": "The Vaults is a French restaurant suitable for family. It is located near Raja Indian Cuisine at riverside and charges less than \u00a320." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "restaurant" ], [ "The Vaults", "food", "French" ], [ "The Vaults", "priceRange", "less than \u00a320" ], [ "The Vaults", "familyFriendly", "yes" ], [ "The Vaults", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Vaults is a family friendly restaurant in the low price range serving French food, situated near Raja Indian Cuisine" }, { "source": "e2e", "text": "You can find French food for less than 20 GBP at The Vaults. A family friendly restaurant located near Raja Indian Cuisine." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "restaurant" ], [ "The Vaults", "food", "French" ], [ "The Vaults", "priceRange", "moderate" ], [ "The Vaults", "area", "city centre" ], [ "The Vaults", "familyFriendly", "no" ], [ "The Vaults", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "French food serving The Vaults restaurant can be found near Raja Indian Cuisine in the city centre. It is not a kids friendly restaurant. The prices are moderate." }, { "source": "e2e", "text": "The Vaults restaurant offers French food in moderate price range. It is located in the city centre near Raja Indian Cuisine. Children are not welcome." }, { "source": "e2e", "text": "The Vaults restaurant near Raja Indian Cuisine in the city centre sells French food and is moderate priced no kids allowed." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "restaurant" ], [ "The Vaults", "food", "French" ], [ "The Vaults", "priceRange", "moderate" ], [ "The Vaults", "area", "city centre" ], [ "The Vaults", "familyFriendly", "yes" ], [ "The Vaults", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "There is a moderately priced restaurant serving French food called The Vaults. It is in the city centre close to Raja Indian Cuisine, it is kids friendly." }, { "source": "e2e", "text": "The Vaults is a moderately priced restaurant. It is kids friendly and serves French food, it is located in the city centre near Raja Indian Cuisine." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "restaurant" ], [ "The Vaults", "food", "French" ], [ "The Vaults", "priceRange", "moderate" ], [ "The Vaults", "area", "city centre" ], [ "The Vaults", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Vaults restaurant serves French food in the City Centre near Raja Indian Cuisine and is moderately priced" }, { "source": "e2e", "text": "The Vaults restaurant serves French food in the City Centre near Raja Indian Cuisine and is moderately priced" }, { "source": "e2e", "text": "Located in the city centre, The Vaults is a moderately priced French style restaurant. It's great for the kids, and located near the Raja Indian Cuisine." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "restaurant" ], [ "The Vaults", "food", "French" ], [ "The Vaults", "priceRange", "moderate" ], [ "The Vaults", "area", "riverside" ], [ "The Vaults", "familyFriendly", "no" ], [ "The Vaults", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Vaults is a French restaurant with a moderate price range, but isn't kid friendly, and it located near Raja Indian Cuisine on riverside." }, { "source": "e2e", "text": "The Vaults is a French restaurant in the area of riverside near Raja Indian Cuisine with a moderate price range and is not kid friendly." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "restaurant" ], [ "The Vaults", "food", "French" ], [ "The Vaults", "priceRange", "moderate" ], [ "The Vaults", "area", "riverside" ], [ "The Vaults", "familyFriendly", "yes" ], [ "The Vaults", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The French restaurant, The Vaults, is a moderately priced, kid friendly restaurant in riverside near Raja Indian Cuisine." }, { "source": "e2e", "text": "The Vaults is a nicely made French restaurant that is kids friendly and located near Raja Indian Cuisine in the riverside area. The price range is moderate." }, { "source": "e2e", "text": "On the riverside near Raja Indian Cuisine The Vaults serves French Food. This restaurant is moderately priced and kid friendly." }, { "source": "e2e", "text": "Moderately priced and kid friendly, The Vaults is a restaurant serving French food near Raja Indian Cuisine on the Riverside." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "restaurant" ], [ "The Vaults", "food", "French" ], [ "The Vaults", "priceRange", "moderate" ], [ "The Vaults", "area", "riverside" ], [ "The Vaults", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Vaults is a restaurant which serves moderate priced French food near Raja Indian Cuisine in the riverside area." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "restaurant" ], [ "The Vaults", "food", "French" ], [ "The Vaults", "priceRange", "more than \u00a330" ], [ "The Vaults", "area", "city centre" ], [ "The Vaults", "familyFriendly", "no" ], [ "The Vaults", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Vaults is a restaurant providing French food more than 30 pounds price range it is located in the city centre near Raja Indian Cuisine not child friendly for adults only" }, { "source": "e2e", "text": "The restaurant 'The Vaults' is a French restaurant who are not children friendly with a price range of over \u00a330. They are located in the city centre, near 'Raja Indian Cuisine'." }, { "source": "e2e", "text": "The Vaults is a French food restaurant in the more than 30 pounds price range it is in the city centre near Raja Indian Cuisine not child friendly for adults only" }, { "source": "e2e", "text": "The French restaurant 'The Vaults' is located in the city centre, near 'Raja Indian Cuisine' with a price range of over \u00a330. They are not children friendly." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "restaurant" ], [ "The Vaults", "food", "French" ], [ "The Vaults", "priceRange", "more than \u00a330" ], [ "The Vaults", "area", "city centre" ], [ "The Vaults", "familyFriendly", "yes" ], [ "The Vaults", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "A children friendly restaurant named The Vaults that serves French food. In the city centre area is a restaurant with a price range of more than 30. It is near Raja Indian Cuisine." }, { "source": "e2e", "text": "Children friendly French restaurant The Vaults is located near Raja Indian Cuisine in city centre. It is a high priced restaurant more than \u00a330." }, { "source": "e2e", "text": "For more than \u00a330 The Vaults is a children friendly French restaurant near Raja Indian Cuisine at city centre is a restaurant." }, { "source": "e2e", "text": "A children friendly French restaurant named The Vaults near Raja Indian Cuisine at city centre is a restaurant for more than \u00a330." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "restaurant" ], [ "The Vaults", "food", "French" ], [ "The Vaults", "priceRange", "more than \u00a330" ], [ "The Vaults", "area", "city centre" ], [ "The Vaults", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Vaults in a French restaurant near Raja Indian Cuisine in the city centre area. It is a restaurant with a price range is more than 30." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "restaurant" ], [ "The Vaults", "food", "French" ], [ "The Vaults", "priceRange", "more than \u00a330" ], [ "The Vaults", "area", "riverside" ], [ "The Vaults", "familyFriendly", "no" ], [ "The Vaults", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "there is high price restaurant named The Vaults serving French food Located in riverside near Raja Indian Cuisine but not children-friendly" }, { "source": "e2e", "text": "The Vaults is high price restaurant serving French food Located in riverside near Raja Indian Cuisine but not children-friendly" } ] }, { "tripleset": [ [ "The Vaults", "eatType", "restaurant" ], [ "The Vaults", "food", "French" ], [ "The Vaults", "priceRange", "more than \u00a330" ], [ "The Vaults", "area", "riverside" ], [ "The Vaults", "familyFriendly", "yes" ], [ "The Vaults", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Vaults is a children-friendly restaurant that serves French food and is found in the riverside area near Raja Indian Cuisine. The price range is more than \u00a330." }, { "source": "e2e", "text": "The Vaults is a children Friendly restaurant in the riverside area, near Raja Indian Cuisine. It serves French food and is in the more than \u00a330 price range." }, { "source": "e2e", "text": "There is a children friendly restaurant The Vaults near Raja Indian Cuisine located in the riverside. It serves French food for more than \u00a330." }, { "source": "e2e", "text": "The Vaults is restaurant serving French food with price range more than \u00a330 . It is children friendly and is located near Raja Indian Cuisine in the riverside." }, { "source": "e2e", "text": "If you are in the mood for French food in the more than \u00a330 price range, try The Vaults. It is a children Friendly restaurant located in the riverside area near Raja Indian Cuisine ." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "restaurant" ], [ "The Vaults", "food", "Indian" ], [ "The Vaults", "area", "city centre" ], [ "The Vaults", "familyFriendly", "no" ], [ "The Vaults", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "An option for Indian cuisine is The Vaults. This is a restaurant near Raja Indian Cuisine in the city centre. This establishment costs more than others and does not allow children." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "restaurant" ], [ "The Vaults", "food", "Indian" ], [ "The Vaults", "area", "city centre" ], [ "The Vaults", "familyFriendly", "yes" ], [ "The Vaults", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Vaults is a restaurant that provides Indian food at a higher cost. They are located in the center of the city near Raja Indian Cuisine and do not allow children." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "restaurant" ], [ "The Vaults", "food", "Indian" ], [ "The Vaults", "area", "riverside" ], [ "The Vaults", "familyFriendly", "yes" ], [ "The Vaults", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Vaults is an restaurant serving Indian food. They are low cost and family friendly, located in riverside near Raja Indian Cuisine." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "restaurant" ], [ "The Vaults", "food", "Indian" ], [ "The Vaults", "priceRange", "cheap" ], [ "The Vaults", "area", "riverside" ], [ "The Vaults", "familyFriendly", "yes" ], [ "The Vaults", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Vaults is an Indian restaurant located in the riverside near Raja Indian Cuisine. It has a cheap price range and is family friendly." }, { "source": "e2e", "text": "In the riverside is an Indian restaurant near Raja Indian Cuisine called The Vaults. It has a cheap price range and is family friendly." }, { "source": "e2e", "text": "The Vaults is an inexpensive, family friendly restaurant in riverside serving Indian food. You can find it near Raja Indian Cuisine." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "restaurant" ], [ "The Vaults", "food", "Indian" ], [ "The Vaults", "priceRange", "cheap" ], [ "The Vaults", "area", "riverside" ], [ "The Vaults", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Vaults is a restaurant providing Indian food in the cheap price range. It is located in the riverside. It is near Raja Indian Cuisine." }, { "source": "e2e", "text": "The Vaults restaurant has Indian food at cheap prices. It is located in Riverside near Raja Indian Cuisine." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "restaurant" ], [ "The Vaults", "food", "Indian" ], [ "The Vaults", "priceRange", "high" ], [ "The Vaults", "area", "city centre" ], [ "The Vaults", "familyFriendly", "no" ], [ "The Vaults", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "A high priced restaurant called The Vaults serves Indian food in the city centre near Raja Indian Cuisine but is not family friendly." }, { "source": "e2e", "text": "This non kid friendly restaurant called The Vaults, can be found near Raja Indian Cuisine in the city centre which offers Indian food at a high price range." }, { "source": "e2e", "text": "The Vaults is a high priced restaurant serving Indian food in the city centre near Raja Indian Cuisine, not family friendly." }, { "source": "e2e", "text": "In the centre of the city, near Raja Indian Cuisine sits a high priced restaurant called The Vaults, that offers Indian food at a non child friendly establishment." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "restaurant" ], [ "The Vaults", "food", "Indian" ], [ "The Vaults", "priceRange", "high" ], [ "The Vaults", "area", "city centre" ], [ "The Vaults", "familyFriendly", "yes" ], [ "The Vaults", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "In the high price range, The Vaults is a child friendly restaurant serving Indian food in city centre near Raja Indian Cuisine." }, { "source": "e2e", "text": "If you are near Raja Indian Cuisine in city centre, check out The Vaults. It is a high price restaurant that sells Indian food. The Vaults is also children friendly." }, { "source": "e2e", "text": "The Vaults is a restaurant that sells Indian food, high price range, located in City Centre, child friendly, located near Raja Indian Cuisine" }, { "source": "e2e", "text": "The Vaults is a restaurant serving Indian food in the high price range. It's child friendly and in city centre near Raja Indian Cuisine." }, { "source": "e2e", "text": "In the high price range, The Vaults restaurant is a kid friendly restaurant located in the center of the city near Raja Indian Cuisine serves up Indian food." }, { "source": "e2e", "text": "The Vaults restaurant offers Indian food in the high price range. Located in the center of the city, this child friendly dining choice is located near Raja Indian Cuisine." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "restaurant" ], [ "The Vaults", "food", "Indian" ], [ "The Vaults", "priceRange", "high" ], [ "The Vaults", "familyFriendly", "no" ], [ "The Vaults", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Vaults restaurant offers Indian food in the high price range and is not children friendly near Raja Indian Cuisine." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "restaurant" ], [ "The Vaults", "food", "Indian" ], [ "The Vaults", "priceRange", "\u00a320-25" ], [ "The Vaults", "area", "riverside" ], [ "The Vaults", "familyFriendly", "yes" ], [ "The Vaults", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Vaults is a restaurant that provides Indian food with prices that range around \u00a320-25. It is located on the riverside near Raja Indian Cuisine and is kids friendly." }, { "source": "e2e", "text": "The Vaults is a kids friendly restaurant that provides Indian food with prices that range around \u00a320-25. Located in the riverside near Raja Indian Cuisine." }, { "source": "e2e", "text": "Near Raja Indian Cuisine, by the riverside, The Vaults is a restaurant offering Indian food at a price range of \u00a320-25. It is ideal for kids." }, { "source": "e2e", "text": "The Vaults, located on the riverside near Raja Indian Cuisine, is a kid-friendly restaurant that serves moderately-priced Indian." }, { "source": "e2e", "text": "The Vaults is a restaurant which provides Indian food at \u00a320-25. Located by the riverside near Raja Indian Cuisine, it is ideal for children" } ] }, { "tripleset": [ [ "The Vaults", "eatType", "restaurant" ], [ "The Vaults", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Vaults restaurant is a great place to bring your kids and is not far from Raja Indian Cuisine" } ] }, { "tripleset": [ [ "The Vaults", "eatType", "restaurant" ], [ "The Vaults", "priceRange", "cheap" ], [ "The Vaults", "area", "city centre" ], [ "The Vaults", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "The Vaults is a low-priced restaurant in the city centre that delivers take-away, near Rainbow Vegetarian Caf\u00e9." }, { "source": "e2e", "text": "The Vaults is a low-priced restaurant in the city centre that delivers take-away, near Rainbow Vegetarian Caf\u00e9." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "restaurant" ], [ "The Vaults", "priceRange", "cheap" ], [ "The Vaults", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Vaults Is a restaurant located next to Raja Indian Cuisine, in the low price range" }, { "source": "e2e", "text": "The Vaults Is a restaurant located next to Raja Indian Cuisine, in the low price range" }, { "source": "e2e", "text": "The Vaults restaurant serves food and drinks cheap prices located next to Raja Indian Cuisine." }, { "source": "e2e", "text": "The Vaults is a cheap restaurant located next to Raja Indian Cuisine." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "restaurant" ], [ "The Vaults", "priceRange", "high" ], [ "The Vaults", "customer rating", "average" ], [ "The Vaults", "area", "riverside" ], [ "The Vaults", "familyFriendly", "no" ], [ "The Vaults", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "The Vaults is a high-priced restaurant in the area of riverside near the Rainbow Vegetarian Caf\u00e9 with an average customer rating and is not child friendly." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "restaurant" ], [ "The Vaults", "priceRange", "less than \u00a320" ], [ "The Vaults", "area", "city centre" ], [ "The Vaults", "familyFriendly", "yes" ], [ "The Vaults", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Vaults restaurant is family friendly, and serves inexpensive food. It is near the city centre next to the river and Raja Indian Cuisine." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "restaurant" ], [ "The Vaults", "priceRange", "less than \u00a320" ], [ "The Vaults", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "There is a restaurant and family restaurant called The Vaults that provides wine and spirits and picnic food items that is inexpensive and near Raja Indian Cuisine." }, { "source": "e2e", "text": "The Vaults restaurant and family restaurant that provides wine and spirits and picnic food items is inexpensive and close to Raja Indian Cuisine." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "restaurant" ], [ "The Vaults", "priceRange", "moderate" ], [ "The Vaults", "area", "riverside" ], [ "The Vaults", "familyFriendly", "yes" ], [ "The Vaults", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Vaults is a restaurant which sells fine foods at moderate prices. They welcome families and are just east of Raja Indian Cuisine on the River" } ] }, { "tripleset": [ [ "The Vaults", "eatType", "restaurant" ], [ "The Vaults", "priceRange", "moderate" ], [ "The Vaults", "area", "riverside" ], [ "The Vaults", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "There is a restaurant called The Vaults near Raja Indian Cuisine that serves moderate priced food is in the riverside area and is for adults." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "restaurant" ], [ "The Vaults", "priceRange", "more than \u00a330" ], [ "The Vaults", "area", "city centre" ], [ "The Vaults", "familyFriendly", "yes" ], [ "The Vaults", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Vaults restaurant, located in city centre, is children friendly with a price range of more than \u00a330. It is near Raja Indian Cuisine." }, { "source": "e2e", "text": "The Vaults is a high-priced family friendly restaurant that serves wines and cheeses. It is located in the City centre and is near by the Raja Indian Cuisine." }, { "source": "e2e", "text": "There is a high priced range restaurant called The Vaults located in City Centre that is family friendly and offers Raja Indian Cuisine." }, { "source": "e2e", "text": "The Vaults is a high-priced restaurant that serves wines and cheeses. It is family friendly and is located in the City centre and is near by Raja Indian Cuisine." }, { "source": "e2e", "text": "The Vaults is a high priced range family friendly restaurant located in City Centre that offers Raja Indian Cuisine." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "restaurant" ], [ "The Vaults", "priceRange", "more than \u00a330" ], [ "The Vaults", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "There is an expensive restaurant The Vaults located near Raja Indian Cuisine." }, { "source": "e2e", "text": "The Vaults is a restaurant in the high-price range. It is located near Raja Indian Cuisine." } ] }, { "tripleset": [ [ "The Vaults", "eatType", "restaurant" ], [ "The Vaults", "priceRange", "\u00a320-25" ], [ "The Vaults", "area", "riverside" ], [ "The Vaults", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Vaults is an average-priced restaurant near Raja Indian Cuisine, by the river. Kids welcome." } ] }, { "tripleset": [ [ "The Vaults", "food", "Italian" ], [ "The Vaults", "priceRange", "less than \u00a320" ], [ "The Vaults", "customer rating", "low" ], [ "The Vaults", "area", "city centre" ], [ "The Vaults", "familyFriendly", "yes" ], [ "The Vaults", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "Located in the city centre near Rainbow Vegetarian Caf\u00e9, The Vaults is family-friendly with a low rating. It's in the less than \u00a320 price range and serves Italian food." } ] }, { "tripleset": [ [ "The Vaults", "food", "Japanese" ], [ "The Vaults", "priceRange", "less than \u00a320" ], [ "The Vaults", "area", "city centre" ], [ "The Vaults", "familyFriendly", "yes" ], [ "The Vaults", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Vaults in city centre near Raja Indian Cuisine delivers a family-friendly atmosphere, good customer service, and Japanese cuisine at an affordable price." } ] }, { "tripleset": [ [ "The Vaults", "priceRange", "less than \u00a320" ], [ "The Vaults", "customer rating", "average" ], [ "The Vaults", "familyFriendly", "yes" ], [ "The Vaults", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "moderately priced The Vaults located just up the road from Rainbow Vegetarian Caf\u00e9 is a 3 star family friendly eatery." } ] }, { "tripleset": [ [ "The Vaults", "priceRange", "less than \u00a320" ], [ "The Vaults", "familyFriendly", "yes" ], [ "The Vaults", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "Family friendly near Raja Indian Cuisine The Vaults for low prices and bad food and service" } ] }, { "tripleset": [ [ "The Vaults", "priceRange", "moderate" ], [ "The Vaults", "area", "riverside" ], [ "The Vaults", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Vaults is on riverside has a moderate price its close to Raja Indian Cuisine" }, { "source": "e2e", "text": "The Vaults is on riverside has a moderate price its close to Raja Indian Cuisine" } ] }, { "tripleset": [ [ "The Vaults", "priceRange", "\u00a320-25" ], [ "The Vaults", "customer rating", "high" ], [ "The Vaults", "area", "city centre" ], [ "The Vaults", "familyFriendly", "yes" ], [ "The Vaults", "near", "Rainbow Vegetarian Caf\u00e9" ] ], "annotations": [ { "source": "e2e", "text": "The Vaults is located in the City Centre near Rainbow Vegetarian Caf\u00e9. The Vaults is kid-friendly, has average prices, and has a high customer rating." } ] }, { "tripleset": [ [ "The Vaults", "priceRange", "\u00a320-25" ], [ "The Vaults", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Vaults is great sushi at affordable prices. Located near Raja Indian Cuisine." } ] }, { "tripleset": [ [ "The Waterman", "eatType", "pub" ], [ "The Waterman", "familyFriendly", "yes" ], [ "The Waterman", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Waterman pub near Raja Indian Cuisine is for the upmarket family. Facilities for families are available with the purchase of a highly priced coffee." } ] }, { "tripleset": [ [ "The Waterman", "eatType", "restaurant" ], [ "The Waterman", "familyFriendly", "yes" ], [ "The Waterman", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Waterman restaurant near Raja Indian Cuisine is for the upmarket family. Facilities for families are available with the purchase of a highly priced coffee." } ] }, { "tripleset": [ [ "The Waterman", "eatType", "coffee shop" ], [ "The Waterman", "food", "Indian" ], [ "The Waterman", "area", "city centre" ], [ "The Waterman", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Waterman serves medium-priced Indian food and coffee in the city centre. It's by Raja Indian Cuisine. Don't bring your kids." }, { "source": "e2e", "text": "The Waterman serves medium-priced Indian food and coffee in the city centre. It's by Raja Indian Cuisine. Don't bring your kids." } ] }, { "tripleset": [ [ "The Waterman", "eatType", "coffee shop" ], [ "The Waterman", "food", "Indian" ], [ "The Waterman", "area", "riverside" ], [ "The Waterman", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Waterman serves coffee and Indian food for less that \u00a320. It is near Raja Indian Cuisine in Riverside." }, { "source": "e2e", "text": "The Waterman serves coffee and Indian food for less that \u00a320. It is near Raja Indian Cuisine in Riverside." } ] }, { "tripleset": [ [ "The Waterman", "eatType", "coffee shop" ], [ "The Waterman", "food", "Indian" ], [ "The Waterman", "priceRange", "high" ], [ "The Waterman", "area", "riverside" ], [ "The Waterman", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "Enjoy coffee and treat the kids to authentic Indian food at The Waterman. A high priced establishment near Raja Indian Cuisine, in Riverside." }, { "source": "e2e", "text": "Enjoy coffee and treat the kids to authentic Indian food at The Waterman. A high priced establishment near Raja Indian Cuisine, in Riverside." } ] }, { "tripleset": [ [ "The Waterman", "eatType", "pub" ], [ "The Waterman", "area", "city centre" ], [ "The Waterman", "familyFriendly", "no" ], [ "The Waterman", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Waterman is a mid-priced pub near the city centre, by Raja Indian Cuisine. Not kid friendly." }, { "source": "e2e", "text": "The pub The Waterman is located int he center of the city near Raja Indian Cuisine. It is not family-friendly, and the price range is 20 pounds." } ] }, { "tripleset": [ [ "The Waterman", "eatType", "pub" ], [ "The Waterman", "area", "riverside" ], [ "The Waterman", "familyFriendly", "yes" ], [ "The Waterman", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Waterman is a pub. It is located in riverside near Raja Indian Cuisine. It is kid friendly." }, { "source": "e2e", "text": "Conveniently located on the riverside, close to Raja Indian Cuisine, The Waterman is an elite, but family friendly established pub." } ] }, { "tripleset": [ [ "The Waterman", "eatType", "pub" ], [ "The Waterman", "food", "Indian" ], [ "The Waterman", "area", "city centre" ], [ "The Waterman", "familyFriendly", "no" ], [ "The Waterman", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "There is a pub in the city centre serving Indian food and costing less than \u00a320. It's called The Waterman and is near Raja Indian Cuisine. Not family friendly." } ] }, { "tripleset": [ [ "The Waterman", "eatType", "pub" ], [ "The Waterman", "food", "Indian" ], [ "The Waterman", "area", "city centre" ], [ "The Waterman", "familyFriendly", "yes" ], [ "The Waterman", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Waterman located in the city centre near Raja Indian Cuisine is a pub serving Indian food and is kid friendly with moderate pricing." } ] }, { "tripleset": [ [ "The Waterman", "eatType", "pub" ], [ "The Waterman", "food", "Indian" ], [ "The Waterman", "area", "riverside" ], [ "The Waterman", "familyFriendly", "yes" ], [ "The Waterman", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Waterman is a highly priced pub that provides Indian food. It is located in riverside near Raja Indian Cuisine. It is children friendly." }, { "source": "e2e", "text": "The Waterman is a family friendly pub providing Indian food for \u00a320 or less. It is located in riverside near Raja Indian Cuisine." }, { "source": "e2e", "text": "The Waterman is a reasonably priced, family friendly, pub that also serves Indian food. It is located in Riverside near Raja Indian Cuisine." } ] }, { "tripleset": [ [ "The Waterman", "eatType", "pub" ], [ "The Waterman", "food", "Indian" ], [ "The Waterman", "familyFriendly", "yes" ], [ "The Waterman", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Waterman is an Indian pub located near Raja Indian Cuisine. This kid friendly place has above average pricing." } ] }, { "tripleset": [ [ "The Waterman", "eatType", "pub" ], [ "The Waterman", "food", "Indian" ], [ "The Waterman", "priceRange", "high" ], [ "The Waterman", "area", "city centre" ], [ "The Waterman", "familyFriendly", "yes" ], [ "The Waterman", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The rare combo of Indian food in a pub can be found at The Waterman. The price is high, but it is children friendly. The Waterman is near Raja Indian Cuisine in the city centre." } ] }, { "tripleset": [ [ "The Waterman", "eatType", "pub" ], [ "The Waterman", "food", "Indian" ], [ "The Waterman", "priceRange", "high" ], [ "The Waterman", "area", "riverside" ], [ "The Waterman", "familyFriendly", "no" ], [ "The Waterman", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Waterman is an Indian pub and pub located in the riverside area near the Raja Indian Cuisine. Prices are in the high range and it is not child friendly." }, { "source": "e2e", "text": "The riverside area has a pub called The Waterman which offers a pub and Indian food. It is located near the Raja Indian Cuisine. Prices are in the high range. It is not child friendly." }, { "source": "e2e", "text": "The Waterman is an expensive Indian pub located riverside near Raja Indian Cuisine. It is not family-friendly." } ] }, { "tripleset": [ [ "The Waterman", "eatType", "pub" ], [ "The Waterman", "food", "Indian" ], [ "The Waterman", "priceRange", "high" ], [ "The Waterman", "area", "riverside" ], [ "The Waterman", "familyFriendly", "yes" ], [ "The Waterman", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The pub called The Waterman serves Indian food and is near to Raja Indian Cuisine. The Waterman is child-friendly and is in riverside. It has a high price range however" }, { "source": "e2e", "text": "The Waterman is a Indian pub in the high price range in the riverside area of Raja Indian Cuisine and is children friendly." }, { "source": "e2e", "text": "The Waterman is a children friendly Indian pub in the high price range in the riverside area of Raja Indian Cuisine." }, { "source": "e2e", "text": "The Waterman is an expensive, kid friendly pub that serves Indian cuisine in Riverside near Raja Indian Cuisine." } ] }, { "tripleset": [ [ "The Waterman", "eatType", "pub" ], [ "The Waterman", "food", "Indian" ], [ "The Waterman", "priceRange", "high" ], [ "The Waterman", "area", "riverside" ], [ "The Waterman", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "An expensive adult Indian pub near Raja Indian Cuisine located riverside is The Waterman." }, { "source": "e2e", "text": "The Waterman is a pub providing Indian food in the high price range. It is located in the riverside. It is near Raja Indian Cuisine." } ] }, { "tripleset": [ [ "The Waterman", "eatType", "pub" ], [ "The Waterman", "food", "Indian" ], [ "The Waterman", "priceRange", "less than \u00a320" ], [ "The Waterman", "area", "city centre" ], [ "The Waterman", "familyFriendly", "no" ], [ "The Waterman", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "There's a non family friendly Indian pub called The Waterman near Raja Indian Cuisine in the city center for less than \u00a320." }, { "source": "e2e", "text": "The Waterman is a pub providing Indian food in the low price range. It is located in the city centre however not family friendly it is near Raja Indian Cuisine." }, { "source": "e2e", "text": "The Waterman is a pub that serves Indian food for less than \u00a320. It is located near Raja Indian Cuisine, in the city centre. Not family friendly." }, { "source": "e2e", "text": "The Waterman, near Raja Indian Cuisine in the city centre, is a cheap Indian pub its not the most family friendly." }, { "source": "e2e", "text": "There is a cheap pub The Waterman located in the centre of the city by the not family friend Raja Indian Cuisine that provides Indian Food at less then less than \u00a320." } ] }, { "tripleset": [ [ "The Waterman", "eatType", "pub" ], [ "The Waterman", "food", "Indian" ], [ "The Waterman", "priceRange", "less than \u00a320" ], [ "The Waterman", "area", "city centre" ], [ "The Waterman", "familyFriendly", "yes" ], [ "The Waterman", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "Indian food meets pub at The Waterman located in the city centre near Raja Indian Cuisine. This shop is family friendly and priced at less than 20 pounds." }, { "source": "e2e", "text": "Near Raja Indian Cuisine, The Waterman provides the atmosphere of a pub with Indian food. At less than 20 pounds, it provides a family friendly setting for its customers right in the city centre." } ] }, { "tripleset": [ [ "The Waterman", "eatType", "pub" ], [ "The Waterman", "food", "Indian" ], [ "The Waterman", "priceRange", "less than \u00a320" ], [ "The Waterman", "area", "city centre" ], [ "The Waterman", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "There is a inexpensive Indian pub called The Waterman, near Raja Indian Cuisine in the city centre its not for all the family." }, { "source": "e2e", "text": "The Waterman is a pub providing Indian food in the less than \u00a320 price range. It is located in the city centre. It is near Raja Indian Cuisine." }, { "source": "e2e", "text": "The Waterman is a pub providing Indian food in the less than \u00a320 price range. It is located in the city centre. It is near Raja Indian Cuisine." }, { "source": "e2e", "text": "The Waterman is a pub providing Indian food in the less than \u00a320 price range. It is located in the city centre. It is near Raja Indian Cuisine." } ] }, { "tripleset": [ [ "The Waterman", "eatType", "pub" ], [ "The Waterman", "food", "Indian" ], [ "The Waterman", "priceRange", "less than \u00a320" ], [ "The Waterman", "area", "riverside" ], [ "The Waterman", "familyFriendly", "no" ], [ "The Waterman", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "In the riverside area near Raja Indian Cuisine is, The Waterman. A pub serving Indian food. A not so family friendly pub with meals less than \u00a320." }, { "source": "e2e", "text": "The Waterman is an Indian pub providing meals less than \u00a320. It is located near the riverside and Raja Indian Cuisine and is non family friendly." }, { "source": "e2e", "text": "The Waterman pub is not family friendly but serves Indian food for under \u00a320 in the riverside area right near Raja Indian Cuisine" }, { "source": "e2e", "text": "Non family friendly pub serving Indian food for less than \u00a320. On the riverside near Raja Indian Cuisine. It is The Waterman." }, { "source": "e2e", "text": "The Waterman pub serves Indian food for less than \u00a320 on the riverside near Raja Indian Cuisine. It is not family friendly." }, { "source": "e2e", "text": "The Waterman is a less than \u00a320 Indian pub located near the Raja Indian Cuisine and riverside however it is not family friendly." } ] }, { "tripleset": [ [ "The Waterman", "eatType", "pub" ], [ "The Waterman", "food", "Indian" ], [ "The Waterman", "priceRange", "less than \u00a320" ], [ "The Waterman", "area", "riverside" ], [ "The Waterman", "familyFriendly", "yes" ], [ "The Waterman", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Waterman is a pub which serves Indian Food for under \u00a320. It is on the riverside, it is family friendly and is near Raja Indian Cuisine." }, { "source": "e2e", "text": "For less than \u00a320 you can eat at the pub The Waterman. It is located in riverside near Raja Indian Cuisine, is family friendly, and offers Indian food." } ] }, { "tripleset": [ [ "The Waterman", "eatType", "pub" ], [ "The Waterman", "food", "Indian" ], [ "The Waterman", "priceRange", "less than \u00a320" ], [ "The Waterman", "area", "riverside" ], [ "The Waterman", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Waterman is a pub providing Indian food in the less than \u00a320 price range. It is located in the riverside. It is near Raja Indian Cuisine." } ] }, { "tripleset": [ [ "The Waterman", "eatType", "pub" ], [ "The Waterman", "food", "Indian" ], [ "The Waterman", "priceRange", "moderate" ], [ "The Waterman", "area", "city centre" ], [ "The Waterman", "familyFriendly", "no" ], [ "The Waterman", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Waterman is pub which offers Indian food. Not suitable for children, it is located in the city centre near Raja Indian Cuisine. It has a moderate price range." }, { "source": "e2e", "text": "The Waterman is an adults-only pub that serves moderately-priced Indian dishes in the city centre, near Raja Indian Cuisine." } ] }, { "tripleset": [ [ "The Waterman", "eatType", "pub" ], [ "The Waterman", "food", "Indian" ], [ "The Waterman", "priceRange", "moderate" ], [ "The Waterman", "area", "city centre" ], [ "The Waterman", "familyFriendly", "yes" ], [ "The Waterman", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "Located near Raja Indian Cuisine, The Waterman is a pub which offers Indian food at a moderate price range. It is not ideal for children and is located in the city centre." }, { "source": "e2e", "text": "There is a moderate priced, child friendly pub called The Waterman, that serves Indian food in the city centre near Raja Indian Cuisine." }, { "source": "e2e", "text": "The Waterman is a moderate priced, child friendly pub that serves Indian food in the city centre near Raja Indian Cuisine." }, { "source": "e2e", "text": "The Waterman is a children friendly pub serving Indian food. It is in the city centre near Raja Indian Cuisine and is moderately priced." }, { "source": "e2e", "text": "The Waterman is a pub providing moderately priced Indian food. It is kid friendly and can be found in the city centre near Raja Indian Cuisine." }, { "source": "e2e", "text": "The Waterman is a pub serving Indian cuisine with a moderate price range. Kid friendly near Raja Indian Cuisine in the city centre area." } ] }, { "tripleset": [ [ "The Waterman", "eatType", "pub" ], [ "The Waterman", "food", "Indian" ], [ "The Waterman", "priceRange", "moderate" ], [ "The Waterman", "area", "city centre" ], [ "The Waterman", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "Located near the town centre and Raja Indian Cuisine, The Waterman pub served moderately priced Indian dishes in a child-free environment." }, { "source": "e2e", "text": "There is a moderately priced pub in the city center, The Waterman, that serves Indian food. The price is moderate and it is near the Raja Indian Cuisine." } ] }, { "tripleset": [ [ "The Waterman", "eatType", "pub" ], [ "The Waterman", "food", "Indian" ], [ "The Waterman", "priceRange", "moderate" ], [ "The Waterman", "area", "riverside" ], [ "The Waterman", "familyFriendly", "no" ], [ "The Waterman", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Waterman is a pub that provides Indian food at a moderate price. It is located near the Raja Indian Cuisine in the riverside are and no it is not kids friendly" }, { "source": "e2e", "text": "The Waterman is a moderate priced Indian pub. It is not kid friendly and is in the riverside area near Raja Indian Cuisine." }, { "source": "e2e", "text": "The Waterman is a pub that offers Indian food at a moderate price. It is located near the Raja Indian Cuisine in the riverside area and is not family friendly" }, { "source": "e2e", "text": "The Waterman is in the riverside area near Raja Indian Cuisine. It is a pub serving moderate priced Indian food and is not kid friendly." } ] }, { "tripleset": [ [ "The Waterman", "eatType", "pub" ], [ "The Waterman", "food", "Indian" ], [ "The Waterman", "priceRange", "moderate" ], [ "The Waterman", "area", "riverside" ], [ "The Waterman", "familyFriendly", "yes" ], [ "The Waterman", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Waterman is a kid friendly pub in the riverside area near Raja Indian Cuisine. They offer Indian food at a moderate price range." }, { "source": "e2e", "text": "The Waterman is a pub that serves moderately priced Indian food and is kid friendly. They are located in the riverside area near Raja Indian Cuisine." }, { "source": "e2e", "text": "The Waterman is an Indian pub in the moderate price range, located in the riverside area near Raja Indian Cuisine. It is located in the riverside area and is kids friendly." }, { "source": "e2e", "text": "Indian pub The Waterman is located in the riverside area near Raja Indian Cuisine. It is in the moderate price range and is kids friendly." }, { "source": "e2e", "text": "Located near Raja Indian Cuisine, The Waterman, is an Indian food serving pub. It is a moderate price, family friendly riverside establishment." } ] }, { "tripleset": [ [ "The Waterman", "eatType", "pub" ], [ "The Waterman", "food", "Indian" ], [ "The Waterman", "priceRange", "moderate" ], [ "The Waterman", "area", "riverside" ], [ "The Waterman", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Waterman is a pub providing Indian food in the moderate price range. It is located in the riverside. It is near Raja Indian Cuisine." }, { "source": "e2e", "text": "The Waterman is a pub providing Indian food in the moderate price range. It is located in the riverside. It is near Raja Indian Cuisine." } ] }, { "tripleset": [ [ "The Waterman", "eatType", "pub" ], [ "The Waterman", "food", "Indian" ], [ "The Waterman", "priceRange", "more than \u00a330" ], [ "The Waterman", "area", "riverside" ], [ "The Waterman", "familyFriendly", "yes" ], [ "The Waterman", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The kids-friendly pub called The Waterman near riverside next to Raja Indian Cuisine also serve Indian foods with high price." }, { "source": "e2e", "text": "The Waterman is a pub serving Indian food at a price range of over \u00a330. It is on the riverside, is child-friendly and is near Raja Indian Cuisine." }, { "source": "e2e", "text": "The Waterman is a pub providing Indian food at more than \u00a330. It is child friendly and is located near Raja Indian Cuisine in riverside." } ] }, { "tripleset": [ [ "The Waterman", "eatType", "pub" ], [ "The Waterman", "food", "Indian" ], [ "The Waterman", "priceRange", "more than \u00a330" ], [ "The Waterman", "area", "riverside" ], [ "The Waterman", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Waterman is a pub located near Raja Indian Cuisine near riverside. It serves Indian food with high-priced menu." } ] }, { "tripleset": [ [ "The Waterman", "eatType", "pub" ], [ "The Waterman", "food", "Italian" ], [ "The Waterman", "area", "city centre" ], [ "The Waterman", "familyFriendly", "no" ], [ "The Waterman", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Waterman pub is located in the city centre area near Raja Indian Cuisine. It has Italian food in the \u00a320 or less price range and is not family-friendly." } ] }, { "tripleset": [ [ "The Waterman", "eatType", "pub" ], [ "The Waterman", "food", "Italian" ], [ "The Waterman", "area", "city centre" ], [ "The Waterman", "familyFriendly", "yes" ], [ "The Waterman", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Waterman is a Italian pub and is child friendly, they are in the higher price range. It is located in city centre near Raja Indian Cuisine." } ] }, { "tripleset": [ [ "The Waterman", "eatType", "pub" ], [ "The Waterman", "food", "Italian" ], [ "The Waterman", "area", "riverside" ], [ "The Waterman", "familyFriendly", "yes" ], [ "The Waterman", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Waterman is a child friendly pub which serves highly priced Italian food. It is near Raja Indian Cuisine in the riverside area." }, { "source": "e2e", "text": "There is a children-friendly pub named The Waterman that offers Italian food. It is located near Raja Indian Cuisine in the riverside area." }, { "source": "e2e", "text": "Located in the riverside area, The Waterman, offers Italian flare in a pub setting and is kid friendly. It is near Raja Indian Cuisine and is a bit on the pricey side." } ] }, { "tripleset": [ [ "The Waterman", "eatType", "pub" ], [ "The Waterman", "food", "Italian" ], [ "The Waterman", "priceRange", "cheap" ], [ "The Waterman", "area", "riverside" ], [ "The Waterman", "familyFriendly", "yes" ], [ "The Waterman", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Waterman is a cheap family friendly, Italian, pub. It is located in riverside and can be found near Raja Indian Cuisine." }, { "source": "e2e", "text": "The Waterman is an establishment selling Italian food and also has a pub on site. It is located by the riverside near Raja Indian Cuisine. It is a cheap place to eat and yes it is family friendly" }, { "source": "e2e", "text": "The Waterman pub is along the riverside near Raja Indian Cuisine that offers Italian food on a price range of cheap and is also family friendly." }, { "source": "e2e", "text": "Near Raja Indian Cuisine their is a pub that is family friendly along the riverside named The Waterman which serves Italian food on a cheap price range." }, { "source": "e2e", "text": "The Waterman, is a pub, serving Italian food, in Riverside, near Raja Indian Cuisine, that is inexpensive and family friendly." }, { "source": "e2e", "text": "Near the Raja Indian Cuisine in riverside is The Waterman; a cheap family friendly, Italian, pub." }, { "source": "e2e", "text": "There is a cheap pub called The Waterman that is located riverside that serves Italian food. It is family friendly and is near Raja Indian Cuisine." }, { "source": "e2e", "text": "On the riverside near Raja Indian Cuisine is a cheap Italian establishment with a pub called The Waterman and yes it is family friendly" } ] }, { "tripleset": [ [ "The Waterman", "eatType", "pub" ], [ "The Waterman", "food", "Italian" ], [ "The Waterman", "priceRange", "high" ], [ "The Waterman", "area", "city centre" ], [ "The Waterman", "familyFriendly", "no" ], [ "The Waterman", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Waterman is an expensive Italian pub in city centre near Raja Indian Cuisine. They are not child friendly." }, { "source": "e2e", "text": "There is an Italian pub near Raja Indian Cuisine in city centre. The Waterman is expensive and isn't family-friendly." } ] }, { "tripleset": [ [ "The Waterman", "eatType", "pub" ], [ "The Waterman", "food", "Italian" ], [ "The Waterman", "priceRange", "high" ], [ "The Waterman", "area", "city centre" ], [ "The Waterman", "familyFriendly", "yes" ], [ "The Waterman", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "A high priced Italian pub and pub that is children friendly is called The Waterman. It is in the city centre near Raja Indian Cuisine." }, { "source": "e2e", "text": "The Waterman is a high priced Italian pub and pub in the city centre near Raja Indian Cuisine. It is children friendly." }, { "source": "e2e", "text": "A Children Friendly Italian pub located near Raja Indian Cuisine in the centre of the city named The Waterman has high price range for a pub" }, { "source": "e2e", "text": "The Waterman Italian pub is near Raja Indian Cuisine in the city centre area, it is child friendly however the is high price range." }, { "source": "e2e", "text": "A Children Friendly Italian pub located near Raja Indian Cuisine in the centre of the city named The Waterman has high price range for a pub" } ] }, { "tripleset": [ [ "The Waterman", "eatType", "pub" ], [ "The Waterman", "food", "Italian" ], [ "The Waterman", "priceRange", "high" ], [ "The Waterman", "area", "city centre" ], [ "The Waterman", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "on city centre there is a pub that sells Italian named The Waterman food has a high price and close to Raja Indian Cuisine" }, { "source": "e2e", "text": "Located in the city centre near Raja Indian Cuisine is an adult pub called The Waterman. This high priced pub serves Italian food." }, { "source": "e2e", "text": "The Waterman is a high priced adult pub that serves Italian food. It is located near Raja Indian Cuisine in the city centre." } ] }, { "tripleset": [ [ "The Waterman", "eatType", "pub" ], [ "The Waterman", "food", "Italian" ], [ "The Waterman", "priceRange", "high" ], [ "The Waterman", "area", "riverside" ], [ "The Waterman", "familyFriendly", "no" ], [ "The Waterman", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Waterman is a pub with Italian food. It is not children friendly. Located near the Raja Indian Cuisine, its price range is high, though located riverside." }, { "source": "e2e", "text": "The Waterman is a pub that also serves Italian at a high price range and is not children friendly, It is located in riverside near Raja Indian Cuisine." }, { "source": "e2e", "text": "There is a high price pub, The Waterman, located in the riverside near Raja Indian Cuisine that serves Italian but is not children friendly." }, { "source": "e2e", "text": "Located Riverside near the Raja Indian Cuisine, The Waterman is a pub offering Italian food at a high price range. It is not very children friendly." } ] }, { "tripleset": [ [ "The Waterman", "eatType", "pub" ], [ "The Waterman", "food", "Italian" ], [ "The Waterman", "priceRange", "high" ], [ "The Waterman", "area", "riverside" ], [ "The Waterman", "familyFriendly", "yes" ], [ "The Waterman", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "For a high priced pub serving Italian food with a children friendly environment, try The Waterman near Raja Indian Cuisine in the Riverside area." }, { "source": "e2e", "text": "In riverside, is a family friendly, high priced, Italian pub named The Waterman. The Waterman is near Raja Indian Cuisine." }, { "source": "e2e", "text": "Located near Raja Indian Cuisine in the Riverside area, The Waterman is a high priced children friendly pub serving Italian food." }, { "source": "e2e", "text": "Near Raja Indian Cuisine in the riverside area, child friendly The Waterman pub serves Italian food with a high price range." }, { "source": "e2e", "text": "The Waterman in the riverside area, located near Raja Indian Cuisine, offers Italian food in a pub atmosphere. This establishment is child friendly but has a high price range." }, { "source": "e2e", "text": "The Waterman is a pub that serves Italian food. The price range is high but it is children-friendly. It is located near Raja Indian Cuisine in the riverside area." }, { "source": "e2e", "text": "The Waterman is a children friendly Italian pub in the Riverside area near Raja Indian Cuisine. It is in the high price range." }, { "source": "e2e", "text": "The Waterman is a high price range Italian pub in the Riverside area near Raja Indian Cuisine. It is children friendly." } ] }, { "tripleset": [ [ "The Waterman", "eatType", "pub" ], [ "The Waterman", "food", "Italian" ], [ "The Waterman", "priceRange", "high" ], [ "The Waterman", "area", "riverside" ], [ "The Waterman", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "There is a pub near Raja Indian Cuisine in riverside called The Waterman with a high price range Italian food." } ] }, { "tripleset": [ [ "The Waterman", "eatType", "pub" ], [ "The Waterman", "food", "Italian" ], [ "The Waterman", "priceRange", "high" ], [ "The Waterman", "familyFriendly", "no" ], [ "The Waterman", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Waterman is a pub with great Italian food not good for family and a high price is near to Raja Indian Cuisine" } ] }, { "tripleset": [ [ "The Waterman", "eatType", "pub" ], [ "The Waterman", "food", "Italian" ], [ "The Waterman", "priceRange", "less than \u00a320" ], [ "The Waterman", "area", "city centre" ], [ "The Waterman", "familyFriendly", "no" ], [ "The Waterman", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Waterman is a non family-friendly pub that serves Italian food for less than \u00a320. It is located near Raja Indian Cuisine in the city centre area." }, { "source": "e2e", "text": "The Waterman is a cheap Italian food pub in the city centre, near Raja Indian Cuisine. It is not family-friendly." }, { "source": "e2e", "text": "There is a cheap Italian food pub in the city centre, near Raja Indian Cuisine. It is called The Waterman and it is not family-friendly." } ] }, { "tripleset": [ [ "The Waterman", "eatType", "pub" ], [ "The Waterman", "food", "Italian" ], [ "The Waterman", "priceRange", "less than \u00a320" ], [ "The Waterman", "area", "city centre" ], [ "The Waterman", "familyFriendly", "yes" ], [ "The Waterman", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "A family-friendly Italian pub is The Waterman. It has prices less than \u00a320 and is located near Raja Indian Cuisine, in city centre." } ] }, { "tripleset": [ [ "The Waterman", "eatType", "pub" ], [ "The Waterman", "food", "Italian" ], [ "The Waterman", "priceRange", "less than \u00a320" ], [ "The Waterman", "area", "city centre" ], [ "The Waterman", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "Located near Raja Indian Cuisine, in City Centre, is the Italian pub called The Waterman. It has prices less than \u00a320." } ] }, { "tripleset": [ [ "The Waterman", "eatType", "pub" ], [ "The Waterman", "food", "Italian" ], [ "The Waterman", "priceRange", "less than \u00a320" ], [ "The Waterman", "area", "riverside" ], [ "The Waterman", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Waterman is a mature Italian pub near the riverside with a competitive menu for under \u00a320, near the Raja Indian Cuisine." }, { "source": "e2e", "text": "The Waterman is a pub that offer Italian food also, less than \u00a320 average and located by the riverside near Raja Indian Cuisine. Kids not welcome." } ] }, { "tripleset": [ [ "The Waterman", "eatType", "pub" ], [ "The Waterman", "food", "Italian" ], [ "The Waterman", "priceRange", "less than \u00a320" ], [ "The Waterman", "familyFriendly", "yes" ], [ "The Waterman", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "In the city near Raja Indian Cuisine there is a family-friendly Italian pub with a price range of less than 20 euros named The Waterman." }, { "source": "e2e", "text": "The Waterman is a family-friendly Italian pub near Raja Indian Cuisine in the city with a price range of less than 20 euros" } ] }, { "tripleset": [ [ "The Waterman", "eatType", "pub" ], [ "The Waterman", "food", "Italian" ], [ "The Waterman", "priceRange", "less than \u00a320" ], [ "The Waterman", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "Along the waterfront, near Raja Indian Cuisine, you will find The Waterman Italian pub, sample the adult atmosphere and menu for less than \u00a320." } ] }, { "tripleset": [ [ "The Waterman", "eatType", "pub" ], [ "The Waterman", "food", "Italian" ], [ "The Waterman", "priceRange", "moderate" ], [ "The Waterman", "familyFriendly", "yes" ], [ "The Waterman", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Waterman, sited near Raja Indian Cuisine, Luton, is a family-friendly pub serving Italian food at mid-range prices." }, { "source": "e2e", "text": "The Waterman is a family-friendly pub offering Italian food at reasonable prices, it is located near the Raja Indian Cuisine, Luton." } ] }, { "tripleset": [ [ "The Waterman", "eatType", "pub" ], [ "The Waterman", "food", "Italian" ], [ "The Waterman", "priceRange", "\u00a320-25" ], [ "The Waterman", "area", "riverside" ], [ "The Waterman", "familyFriendly", "yes" ], [ "The Waterman", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "For Italian food in a kids friendly environment, try The Waterman pub. Priced between \u00a320-25, it can be found in the riverside area near Raja Indian Cuisine." }, { "source": "e2e", "text": "The Waterman is an Italian pub. It is kids-friendly with a price range of \u00a320 - 25. It is situated near the Raja Indian Cuisine establishment in the riverside area." }, { "source": "e2e", "text": "The kids friendly pub The Waterman offers Italian food at prices between \u00a320-25. It is located near Raja Indian Cuisine in the riverside area." } ] }, { "tripleset": [ [ "The Waterman", "eatType", "pub" ], [ "The Waterman", "food", "Italian" ], [ "The Waterman", "priceRange", "\u00a320-25" ], [ "The Waterman", "area", "riverside" ], [ "The Waterman", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "A reasonably priced between \u00a320 - 25 Italian pub called The Waterman is located in the riverside area near Raja Indian Cuisine." } ] }, { "tripleset": [ [ "The Waterman", "eatType", "pub" ], [ "The Waterman", "priceRange", "high" ], [ "The Waterman", "area", "riverside" ], [ "The Waterman", "familyFriendly", "yes" ], [ "The Waterman", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Waterman is a pub near to Raja Indian Cuisine that is child-friendly. It has a high price range but is located in riverside" } ] }, { "tripleset": [ [ "The Waterman", "eatType", "pub" ], [ "The Waterman", "priceRange", "high" ], [ "The Waterman", "familyFriendly", "yes" ], [ "The Waterman", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Waterman is a high priced pub located near Raja Indian Cuisine. It is family friendly." }, { "source": "e2e", "text": "The pub The Waterman is an expensive family friendly establishment located near Raja Indian Cuisine." } ] }, { "tripleset": [ [ "The Waterman", "eatType", "pub" ], [ "The Waterman", "priceRange", "high" ], [ "The Waterman", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "Near Raja Indian Cuisine, The Waterman pub has high prices and facilities for the family." } ] }, { "tripleset": [ [ "The Waterman", "eatType", "pub" ], [ "The Waterman", "priceRange", "less than \u00a320" ], [ "The Waterman", "area", "city centre" ], [ "The Waterman", "familyFriendly", "no" ], [ "The Waterman", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Waterman is a pub located in the center of the city that is near Raja Indian Cuisine. It is not family-friendly and the price range is less than 20 pounds." } ] }, { "tripleset": [ [ "The Waterman", "eatType", "pub" ], [ "The Waterman", "priceRange", "moderate" ], [ "The Waterman", "area", "riverside" ], [ "The Waterman", "familyFriendly", "yes" ], [ "The Waterman", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "There is an above average priced pub called The Waterman, located near Raja Indian Cuisine in riverside. The venue is child friendly." } ] }, { "tripleset": [ [ "The Waterman", "eatType", "restaurant" ], [ "The Waterman", "area", "city centre" ], [ "The Waterman", "familyFriendly", "no" ], [ "The Waterman", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Waterman is a mid-priced restaurant near the city centre, by Raja Indian Cuisine. Not kid friendly." }, { "source": "e2e", "text": "The restaurant The Waterman is located int he center of the city near Raja Indian Cuisine. It is not family-friendly, and the price range is 20 pounds." } ] }, { "tripleset": [ [ "The Waterman", "eatType", "restaurant" ], [ "The Waterman", "area", "riverside" ], [ "The Waterman", "familyFriendly", "yes" ], [ "The Waterman", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Waterman is a restaurant. It is located in riverside near Raja Indian Cuisine. It is kid friendly." }, { "source": "e2e", "text": "Conveniently located on the riverside, close to Raja Indian Cuisine, The Waterman is an elite, but family friendly established restaurant." } ] }, { "tripleset": [ [ "The Waterman", "eatType", "restaurant" ], [ "The Waterman", "food", "Indian" ], [ "The Waterman", "area", "city centre" ], [ "The Waterman", "familyFriendly", "no" ], [ "The Waterman", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "There is a restaurant in the city centre serving Indian food and costing less than \u00a320. It's called The Waterman and is near Raja Indian Cuisine. Not family friendly." } ] }, { "tripleset": [ [ "The Waterman", "eatType", "restaurant" ], [ "The Waterman", "food", "Indian" ], [ "The Waterman", "area", "city centre" ], [ "The Waterman", "familyFriendly", "yes" ], [ "The Waterman", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Waterman located in the city centre near Raja Indian Cuisine is a restaurant serving Indian food and is kid friendly with moderate pricing." } ] }, { "tripleset": [ [ "The Waterman", "eatType", "restaurant" ], [ "The Waterman", "food", "Indian" ], [ "The Waterman", "area", "riverside" ], [ "The Waterman", "familyFriendly", "yes" ], [ "The Waterman", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Waterman is a highly priced restaurant that provides Indian food. It is located in riverside near Raja Indian Cuisine. It is children friendly." }, { "source": "e2e", "text": "The Waterman is a family friendly restaurant providing Indian food for \u00a320 or less. It is located in riverside near Raja Indian Cuisine." }, { "source": "e2e", "text": "The Waterman is a reasonably priced, family friendly, restaurant that also serves Indian food. It is located in Riverside near Raja Indian Cuisine." } ] }, { "tripleset": [ [ "The Waterman", "eatType", "restaurant" ], [ "The Waterman", "food", "Indian" ], [ "The Waterman", "familyFriendly", "yes" ], [ "The Waterman", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Waterman is an Indian restaurant located near Raja Indian Cuisine. This kid friendly place has above average pricing." } ] }, { "tripleset": [ [ "The Waterman", "eatType", "restaurant" ], [ "The Waterman", "food", "Indian" ], [ "The Waterman", "priceRange", "high" ], [ "The Waterman", "area", "city centre" ], [ "The Waterman", "familyFriendly", "yes" ], [ "The Waterman", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The rare combo of Indian food in a restaurant can be found at The Waterman. The price is high, but it is children friendly. The Waterman is near Raja Indian Cuisine in the city centre." } ] }, { "tripleset": [ [ "The Waterman", "eatType", "restaurant" ], [ "The Waterman", "food", "Indian" ], [ "The Waterman", "priceRange", "high" ], [ "The Waterman", "area", "riverside" ], [ "The Waterman", "familyFriendly", "no" ], [ "The Waterman", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Waterman is an Indian restaurant and restaurant located in the riverside area near the Raja Indian Cuisine. Prices are in the high range and it is not child friendly." }, { "source": "e2e", "text": "The riverside area has a restaurant called The Waterman which offers a restaurant and Indian food. It is located near the Raja Indian Cuisine. Prices are in the high range. It is not child friendly." }, { "source": "e2e", "text": "The Waterman is an expensive Indian restaurant located riverside near Raja Indian Cuisine. It is not family-friendly." } ] }, { "tripleset": [ [ "The Waterman", "eatType", "restaurant" ], [ "The Waterman", "food", "Indian" ], [ "The Waterman", "priceRange", "high" ], [ "The Waterman", "area", "riverside" ], [ "The Waterman", "familyFriendly", "yes" ], [ "The Waterman", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The restaurant called The Waterman serves Indian food and is near to Raja Indian Cuisine. The Waterman is child-friendly and is in riverside. It has a high price range however" }, { "source": "e2e", "text": "The Waterman is a Indian restaurant in the high price range in the riverside area of Raja Indian Cuisine and is children friendly." }, { "source": "e2e", "text": "The Waterman is a children friendly Indian restaurant in the high price range in the riverside area of Raja Indian Cuisine." }, { "source": "e2e", "text": "The Waterman is an expensive, kid friendly restaurant that serves Indian cuisine in Riverside near Raja Indian Cuisine." } ] }, { "tripleset": [ [ "The Waterman", "eatType", "restaurant" ], [ "The Waterman", "food", "Indian" ], [ "The Waterman", "priceRange", "high" ], [ "The Waterman", "area", "riverside" ], [ "The Waterman", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "An expensive adult Indian restaurant near Raja Indian Cuisine located riverside is The Waterman." }, { "source": "e2e", "text": "The Waterman is a restaurant providing Indian food in the high price range. It is located in the riverside. It is near Raja Indian Cuisine." } ] }, { "tripleset": [ [ "The Waterman", "eatType", "restaurant" ], [ "The Waterman", "food", "Indian" ], [ "The Waterman", "priceRange", "less than \u00a320" ], [ "The Waterman", "area", "city centre" ], [ "The Waterman", "familyFriendly", "no" ], [ "The Waterman", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "There's a non family friendly Indian restaurant called The Waterman near Raja Indian Cuisine in the city center for less than \u00a320." }, { "source": "e2e", "text": "The Waterman is a restaurant providing Indian food in the low price range. It is located in the city centre however not family friendly it is near Raja Indian Cuisine." }, { "source": "e2e", "text": "The Waterman is a restaurant that serves Indian food for less than \u00a320. It is located near Raja Indian Cuisine, in the city centre. Not family friendly." }, { "source": "e2e", "text": "The Waterman, near Raja Indian Cuisine in the city centre, is a cheap Indian restaurant its not the most family friendly." }, { "source": "e2e", "text": "There is a cheap restaurant The Waterman located in the centre of the city by the not family friend Raja Indian Cuisine that provides Indian Food at less then less than \u00a320." } ] }, { "tripleset": [ [ "The Waterman", "eatType", "restaurant" ], [ "The Waterman", "food", "Indian" ], [ "The Waterman", "priceRange", "less than \u00a320" ], [ "The Waterman", "area", "city centre" ], [ "The Waterman", "familyFriendly", "yes" ], [ "The Waterman", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "Indian food meets restaurant at The Waterman located in the city centre near Raja Indian Cuisine. This shop is family friendly and priced at less than 20 pounds." }, { "source": "e2e", "text": "Near Raja Indian Cuisine, The Waterman provides the atmosphere of a restaurant with Indian food. At less than 20 pounds, it provides a family friendly setting for its customers right in the city centre." } ] }, { "tripleset": [ [ "The Waterman", "eatType", "restaurant" ], [ "The Waterman", "food", "Indian" ], [ "The Waterman", "priceRange", "less than \u00a320" ], [ "The Waterman", "area", "city centre" ], [ "The Waterman", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "There is a inexpensive Indian restaurant called The Waterman, near Raja Indian Cuisine in the city centre its not for all the family." }, { "source": "e2e", "text": "The Waterman is a restaurant providing Indian food in the less than \u00a320 price range. It is located in the city centre. It is near Raja Indian Cuisine." }, { "source": "e2e", "text": "The Waterman is a restaurant providing Indian food in the less than \u00a320 price range. It is located in the city centre. It is near Raja Indian Cuisine." }, { "source": "e2e", "text": "The Waterman is a restaurant providing Indian food in the less than \u00a320 price range. It is located in the city centre. It is near Raja Indian Cuisine." } ] }, { "tripleset": [ [ "The Waterman", "eatType", "restaurant" ], [ "The Waterman", "food", "Indian" ], [ "The Waterman", "priceRange", "less than \u00a320" ], [ "The Waterman", "area", "riverside" ], [ "The Waterman", "familyFriendly", "no" ], [ "The Waterman", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "In the riverside area near Raja Indian Cuisine is, The Waterman. A restaurant serving Indian food. A not so family friendly restaurant with meals less than \u00a320." }, { "source": "e2e", "text": "The Waterman is an Indian restaurant providing meals less than \u00a320. It is located near the riverside and Raja Indian Cuisine and is non family friendly." }, { "source": "e2e", "text": "The Waterman restaurant is not family friendly but serves Indian food for under \u00a320 in the riverside area right near Raja Indian Cuisine" }, { "source": "e2e", "text": "Non family friendly restaurant serving Indian food for less than \u00a320. On the riverside near Raja Indian Cuisine. It is The Waterman." }, { "source": "e2e", "text": "The Waterman restaurant serves Indian food for less than \u00a320 on the riverside near Raja Indian Cuisine. It is not family friendly." }, { "source": "e2e", "text": "The Waterman is a less than \u00a320 Indian restaurant located near the Raja Indian Cuisine and riverside however it is not family friendly." } ] }, { "tripleset": [ [ "The Waterman", "eatType", "restaurant" ], [ "The Waterman", "food", "Indian" ], [ "The Waterman", "priceRange", "less than \u00a320" ], [ "The Waterman", "area", "riverside" ], [ "The Waterman", "familyFriendly", "yes" ], [ "The Waterman", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Waterman is a restaurant which serves Indian Food for under \u00a320. It is on the riverside, it is family friendly and is near Raja Indian Cuisine." }, { "source": "e2e", "text": "For less than \u00a320 you can eat at the restaurant The Waterman. It is located in riverside near Raja Indian Cuisine, is family friendly, and offers Indian food." } ] }, { "tripleset": [ [ "The Waterman", "eatType", "restaurant" ], [ "The Waterman", "food", "Indian" ], [ "The Waterman", "priceRange", "less than \u00a320" ], [ "The Waterman", "area", "riverside" ], [ "The Waterman", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Waterman is a restaurant providing Indian food in the less than \u00a320 price range. It is located in the riverside. It is near Raja Indian Cuisine." } ] }, { "tripleset": [ [ "The Waterman", "eatType", "restaurant" ], [ "The Waterman", "food", "Indian" ], [ "The Waterman", "priceRange", "moderate" ], [ "The Waterman", "area", "city centre" ], [ "The Waterman", "familyFriendly", "no" ], [ "The Waterman", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Waterman is restaurant which offers Indian food. Not suitable for children, it is located in the city centre near Raja Indian Cuisine. It has a moderate price range." }, { "source": "e2e", "text": "The Waterman is an adults-only restaurant that serves moderately-priced Indian dishes in the city centre, near Raja Indian Cuisine." } ] }, { "tripleset": [ [ "The Waterman", "eatType", "restaurant" ], [ "The Waterman", "food", "Indian" ], [ "The Waterman", "priceRange", "moderate" ], [ "The Waterman", "area", "city centre" ], [ "The Waterman", "familyFriendly", "yes" ], [ "The Waterman", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "Located near Raja Indian Cuisine, The Waterman is a restaurant which offers Indian food at a moderate price range. It is not ideal for children and is located in the city centre." }, { "source": "e2e", "text": "There is a moderate priced, child friendly restaurant called The Waterman, that serves Indian food in the city centre near Raja Indian Cuisine." }, { "source": "e2e", "text": "The Waterman is a moderate priced, child friendly restaurant that serves Indian food in the city centre near Raja Indian Cuisine." }, { "source": "e2e", "text": "The Waterman is a children friendly restaurant serving Indian food. It is in the city centre near Raja Indian Cuisine and is moderately priced." }, { "source": "e2e", "text": "The Waterman is a restaurant providing moderately priced Indian food. It is kid friendly and can be found in the city centre near Raja Indian Cuisine." }, { "source": "e2e", "text": "The Waterman is a restaurant serving Indian cuisine with a moderate price range. Kid friendly near Raja Indian Cuisine in the city centre area." } ] }, { "tripleset": [ [ "The Waterman", "eatType", "restaurant" ], [ "The Waterman", "food", "Indian" ], [ "The Waterman", "priceRange", "moderate" ], [ "The Waterman", "area", "city centre" ], [ "The Waterman", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "Located near the town centre and Raja Indian Cuisine, The Waterman restaurant served moderately priced Indian dishes in a child-free environment." }, { "source": "e2e", "text": "There is a moderately priced restaurant in the city center, The Waterman, that serves Indian food. The price is moderate and it is near the Raja Indian Cuisine." } ] }, { "tripleset": [ [ "The Waterman", "eatType", "restaurant" ], [ "The Waterman", "food", "Indian" ], [ "The Waterman", "priceRange", "moderate" ], [ "The Waterman", "area", "riverside" ], [ "The Waterman", "familyFriendly", "no" ], [ "The Waterman", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Waterman is a restaurant that provides Indian food at a moderate price. It is located near the Raja Indian Cuisine in the riverside are and no it is not kids friendly" }, { "source": "e2e", "text": "The Waterman is a moderate priced Indian restaurant. It is not kid friendly and is in the riverside area near Raja Indian Cuisine." }, { "source": "e2e", "text": "The Waterman is a restaurant that offers Indian food at a moderate price. It is located near the Raja Indian Cuisine in the riverside area and is not family friendly" }, { "source": "e2e", "text": "The Waterman is in the riverside area near Raja Indian Cuisine. It is a restaurant serving moderate priced Indian food and is not kid friendly." } ] }, { "tripleset": [ [ "The Waterman", "eatType", "restaurant" ], [ "The Waterman", "food", "Indian" ], [ "The Waterman", "priceRange", "moderate" ], [ "The Waterman", "area", "riverside" ], [ "The Waterman", "familyFriendly", "yes" ], [ "The Waterman", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Waterman is a kid friendly restaurant in the riverside area near Raja Indian Cuisine. They offer Indian food at a moderate price range." }, { "source": "e2e", "text": "The Waterman is a restaurant that serves moderately priced Indian food and is kid friendly. They are located in the riverside area near Raja Indian Cuisine." }, { "source": "e2e", "text": "The Waterman is an Indian restaurant in the moderate price range, located in the riverside area near Raja Indian Cuisine. It is located in the riverside area and is kids friendly." }, { "source": "e2e", "text": "Indian restaurant The Waterman is located in the riverside area near Raja Indian Cuisine. It is in the moderate price range and is kids friendly." }, { "source": "e2e", "text": "Located near Raja Indian Cuisine, The Waterman, is an Indian food serving restaurant. It is a moderate price, family friendly riverside establishment." } ] }, { "tripleset": [ [ "The Waterman", "eatType", "restaurant" ], [ "The Waterman", "food", "Indian" ], [ "The Waterman", "priceRange", "moderate" ], [ "The Waterman", "area", "riverside" ], [ "The Waterman", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Waterman is a restaurant providing Indian food in the moderate price range. It is located in the riverside. It is near Raja Indian Cuisine." }, { "source": "e2e", "text": "The Waterman is a restaurant providing Indian food in the moderate price range. It is located in the riverside. It is near Raja Indian Cuisine." } ] }, { "tripleset": [ [ "The Waterman", "eatType", "restaurant" ], [ "The Waterman", "food", "Indian" ], [ "The Waterman", "priceRange", "more than \u00a330" ], [ "The Waterman", "area", "riverside" ], [ "The Waterman", "familyFriendly", "yes" ], [ "The Waterman", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The kids-friendly restaurant called The Waterman near riverside next to Raja Indian Cuisine also serve Indian foods with high price." }, { "source": "e2e", "text": "The Waterman is a restaurant serving Indian food at a price range of over \u00a330. It is on the riverside, is child-friendly and is near Raja Indian Cuisine." }, { "source": "e2e", "text": "The Waterman is a restaurant providing Indian food at more than \u00a330. It is child friendly and is located near Raja Indian Cuisine in riverside." } ] }, { "tripleset": [ [ "The Waterman", "eatType", "restaurant" ], [ "The Waterman", "food", "Indian" ], [ "The Waterman", "priceRange", "more than \u00a330" ], [ "The Waterman", "area", "riverside" ], [ "The Waterman", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Waterman is a restaurant located near Raja Indian Cuisine near riverside. It serves Indian food with high-priced menu." } ] }, { "tripleset": [ [ "The Waterman", "eatType", "restaurant" ], [ "The Waterman", "food", "Italian" ], [ "The Waterman", "area", "city centre" ], [ "The Waterman", "familyFriendly", "no" ], [ "The Waterman", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Waterman restaurant is located in the city centre area near Raja Indian Cuisine. It has Italian food in the \u00a320 or less price range and is not family-friendly." } ] }, { "tripleset": [ [ "The Waterman", "eatType", "restaurant" ], [ "The Waterman", "food", "Italian" ], [ "The Waterman", "area", "city centre" ], [ "The Waterman", "familyFriendly", "yes" ], [ "The Waterman", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Waterman is a Italian restaurant and is child friendly, they are in the higher price range. It is located in city centre near Raja Indian Cuisine." } ] }, { "tripleset": [ [ "The Waterman", "eatType", "restaurant" ], [ "The Waterman", "food", "Italian" ], [ "The Waterman", "area", "riverside" ], [ "The Waterman", "familyFriendly", "yes" ], [ "The Waterman", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Waterman is a child friendly restaurant which serves highly priced Italian food. It is near Raja Indian Cuisine in the riverside area." }, { "source": "e2e", "text": "There is a children-friendly restaurant named The Waterman that offers Italian food. It is located near Raja Indian Cuisine in the riverside area." }, { "source": "e2e", "text": "Located in the riverside area, The Waterman, offers Italian flare in a restaurant setting and is kid friendly. It is near Raja Indian Cuisine and is a bit on the pricey side." } ] }, { "tripleset": [ [ "The Waterman", "eatType", "restaurant" ], [ "The Waterman", "food", "Italian" ], [ "The Waterman", "priceRange", "cheap" ], [ "The Waterman", "area", "riverside" ], [ "The Waterman", "familyFriendly", "yes" ], [ "The Waterman", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Waterman is a cheap family friendly, Italian, restaurant. It is located in riverside and can be found near Raja Indian Cuisine." }, { "source": "e2e", "text": "The Waterman is an establishment selling Italian food and also has a restaurant on site. It is located by the riverside near Raja Indian Cuisine. It is a cheap place to eat and yes it is family friendly" }, { "source": "e2e", "text": "The Waterman restaurant is along the riverside near Raja Indian Cuisine that offers Italian food on a price range of cheap and is also family friendly." }, { "source": "e2e", "text": "Near Raja Indian Cuisine their is a restaurant that is family friendly along the riverside named The Waterman which serves Italian food on a cheap price range." }, { "source": "e2e", "text": "The Waterman, is a restaurant, serving Italian food, in Riverside, near Raja Indian Cuisine, that is inexpensive and family friendly." }, { "source": "e2e", "text": "Near the Raja Indian Cuisine in riverside is The Waterman; a cheap family friendly, Italian, restaurant." }, { "source": "e2e", "text": "There is a cheap restaurant called The Waterman that is located riverside that serves Italian food. It is family friendly and is near Raja Indian Cuisine." }, { "source": "e2e", "text": "On the riverside near Raja Indian Cuisine is a cheap Italian establishment with a restaurant called The Waterman and yes it is family friendly" } ] }, { "tripleset": [ [ "The Waterman", "eatType", "restaurant" ], [ "The Waterman", "food", "Italian" ], [ "The Waterman", "priceRange", "high" ], [ "The Waterman", "area", "city centre" ], [ "The Waterman", "familyFriendly", "no" ], [ "The Waterman", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Waterman is an expensive Italian restaurant in city centre near Raja Indian Cuisine. They are not child friendly." }, { "source": "e2e", "text": "There is an Italian restaurant near Raja Indian Cuisine in city centre. The Waterman is expensive and isn't family-friendly." } ] }, { "tripleset": [ [ "The Waterman", "eatType", "restaurant" ], [ "The Waterman", "food", "Italian" ], [ "The Waterman", "priceRange", "high" ], [ "The Waterman", "area", "city centre" ], [ "The Waterman", "familyFriendly", "yes" ], [ "The Waterman", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "A high priced Italian restaurant and restaurant that is children friendly is called The Waterman. It is in the city centre near Raja Indian Cuisine." }, { "source": "e2e", "text": "The Waterman is a high priced Italian restaurant and restaurant in the city centre near Raja Indian Cuisine. It is children friendly." }, { "source": "e2e", "text": "A Children Friendly Italian restaurant located near Raja Indian Cuisine in the centre of the city named The Waterman has high price range for a restaurant" }, { "source": "e2e", "text": "The Waterman Italian restaurant is near Raja Indian Cuisine in the city centre area, it is child friendly however the is high price range." }, { "source": "e2e", "text": "A Children Friendly Italian restaurant located near Raja Indian Cuisine in the centre of the city named The Waterman has high price range for a restaurant" } ] }, { "tripleset": [ [ "The Waterman", "eatType", "restaurant" ], [ "The Waterman", "food", "Italian" ], [ "The Waterman", "priceRange", "high" ], [ "The Waterman", "area", "city centre" ], [ "The Waterman", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "on city centre there is a restaurant that sells Italian named The Waterman food has a high price and close to Raja Indian Cuisine" }, { "source": "e2e", "text": "Located in the city centre near Raja Indian Cuisine is an adult restaurant called The Waterman. This high priced restaurant serves Italian food." }, { "source": "e2e", "text": "The Waterman is a high priced adult restaurant that serves Italian food. It is located near Raja Indian Cuisine in the city centre." } ] }, { "tripleset": [ [ "The Waterman", "eatType", "restaurant" ], [ "The Waterman", "food", "Italian" ], [ "The Waterman", "priceRange", "high" ], [ "The Waterman", "area", "riverside" ], [ "The Waterman", "familyFriendly", "no" ], [ "The Waterman", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Waterman is a restaurant with Italian food. It is not children friendly. Located near the Raja Indian Cuisine, its price range is high, though located riverside." }, { "source": "e2e", "text": "The Waterman is a restaurant that also serves Italian at a high price range and is not children friendly, It is located in riverside near Raja Indian Cuisine." }, { "source": "e2e", "text": "There is a high price restaurant, The Waterman, located in the riverside near Raja Indian Cuisine that serves Italian but is not children friendly." }, { "source": "e2e", "text": "Located Riverside near the Raja Indian Cuisine, The Waterman is a restaurant offering Italian food at a high price range. It is not very children friendly." } ] }, { "tripleset": [ [ "The Waterman", "eatType", "restaurant" ], [ "The Waterman", "food", "Italian" ], [ "The Waterman", "priceRange", "high" ], [ "The Waterman", "area", "riverside" ], [ "The Waterman", "familyFriendly", "yes" ], [ "The Waterman", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "For a high priced restaurant serving Italian food with a children friendly environment, try The Waterman near Raja Indian Cuisine in the Riverside area." }, { "source": "e2e", "text": "In riverside, is a family friendly, high priced, Italian restaurant named The Waterman. The Waterman is near Raja Indian Cuisine." }, { "source": "e2e", "text": "Located near Raja Indian Cuisine in the Riverside area, The Waterman is a high priced children friendly restaurant serving Italian food." }, { "source": "e2e", "text": "Near Raja Indian Cuisine in the riverside area, child friendly The Waterman restaurant serves Italian food with a high price range." }, { "source": "e2e", "text": "The Waterman in the riverside area, located near Raja Indian Cuisine, offers Italian food in a restaurant atmosphere. This establishment is child friendly but has a high price range." }, { "source": "e2e", "text": "The Waterman is a restaurant that serves Italian food. The price range is high but it is children-friendly. It is located near Raja Indian Cuisine in the riverside area." }, { "source": "e2e", "text": "The Waterman is a children friendly Italian restaurant in the Riverside area near Raja Indian Cuisine. It is in the high price range." }, { "source": "e2e", "text": "The Waterman is a high price range Italian restaurant in the Riverside area near Raja Indian Cuisine. It is children friendly." } ] }, { "tripleset": [ [ "The Waterman", "eatType", "restaurant" ], [ "The Waterman", "food", "Italian" ], [ "The Waterman", "priceRange", "high" ], [ "The Waterman", "area", "riverside" ], [ "The Waterman", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "There is a restaurant near Raja Indian Cuisine in riverside called The Waterman with a high price range Italian food." } ] }, { "tripleset": [ [ "The Waterman", "eatType", "restaurant" ], [ "The Waterman", "food", "Italian" ], [ "The Waterman", "priceRange", "high" ], [ "The Waterman", "familyFriendly", "no" ], [ "The Waterman", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Waterman is a restaurant with great Italian food not good for family and a high price is near to Raja Indian Cuisine" } ] }, { "tripleset": [ [ "The Waterman", "eatType", "restaurant" ], [ "The Waterman", "food", "Italian" ], [ "The Waterman", "priceRange", "less than \u00a320" ], [ "The Waterman", "area", "city centre" ], [ "The Waterman", "familyFriendly", "no" ], [ "The Waterman", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Waterman is a non family-friendly restaurant that serves Italian food for less than \u00a320. It is located near Raja Indian Cuisine in the city centre area." }, { "source": "e2e", "text": "The Waterman is a cheap Italian food restaurant in the city centre, near Raja Indian Cuisine. It is not family-friendly." }, { "source": "e2e", "text": "There is a cheap Italian food restaurant in the city centre, near Raja Indian Cuisine. It is called The Waterman and it is not family-friendly." } ] }, { "tripleset": [ [ "The Waterman", "eatType", "restaurant" ], [ "The Waterman", "food", "Italian" ], [ "The Waterman", "priceRange", "less than \u00a320" ], [ "The Waterman", "area", "city centre" ], [ "The Waterman", "familyFriendly", "yes" ], [ "The Waterman", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "A family-friendly Italian restaurant is The Waterman. It has prices less than \u00a320 and is located near Raja Indian Cuisine, in city centre." } ] }, { "tripleset": [ [ "The Waterman", "eatType", "restaurant" ], [ "The Waterman", "food", "Italian" ], [ "The Waterman", "priceRange", "less than \u00a320" ], [ "The Waterman", "area", "city centre" ], [ "The Waterman", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "Located near Raja Indian Cuisine, in City Centre, is the Italian restaurant called The Waterman. It has prices less than \u00a320." } ] }, { "tripleset": [ [ "The Waterman", "eatType", "restaurant" ], [ "The Waterman", "food", "Italian" ], [ "The Waterman", "priceRange", "less than \u00a320" ], [ "The Waterman", "area", "riverside" ], [ "The Waterman", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Waterman is a mature Italian restaurant near the riverside with a competitive menu for under \u00a320, near the Raja Indian Cuisine." }, { "source": "e2e", "text": "The Waterman is a restaurant that offer Italian food also, less than \u00a320 average and located by the riverside near Raja Indian Cuisine. Kids not welcome." } ] }, { "tripleset": [ [ "The Waterman", "eatType", "restaurant" ], [ "The Waterman", "food", "Italian" ], [ "The Waterman", "priceRange", "less than \u00a320" ], [ "The Waterman", "familyFriendly", "yes" ], [ "The Waterman", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "In the city near Raja Indian Cuisine there is a family-friendly Italian restaurant with a price range of less than 20 euros named The Waterman." }, { "source": "e2e", "text": "The Waterman is a family-friendly Italian restaurant near Raja Indian Cuisine in the city with a price range of less than 20 euros" } ] }, { "tripleset": [ [ "The Waterman", "eatType", "restaurant" ], [ "The Waterman", "food", "Italian" ], [ "The Waterman", "priceRange", "less than \u00a320" ], [ "The Waterman", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "Along the waterfront, near Raja Indian Cuisine, you will find The Waterman Italian restaurant, sample the adult atmosphere and menu for less than \u00a320." } ] }, { "tripleset": [ [ "The Waterman", "eatType", "restaurant" ], [ "The Waterman", "food", "Italian" ], [ "The Waterman", "priceRange", "moderate" ], [ "The Waterman", "familyFriendly", "yes" ], [ "The Waterman", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Waterman, sited near Raja Indian Cuisine, Luton, is a family-friendly restaurant serving Italian food at mid-range prices." }, { "source": "e2e", "text": "The Waterman is a family-friendly restaurant offering Italian food at reasonable prices, it is located near the Raja Indian Cuisine, Luton." } ] }, { "tripleset": [ [ "The Waterman", "eatType", "restaurant" ], [ "The Waterman", "food", "Italian" ], [ "The Waterman", "priceRange", "\u00a320-25" ], [ "The Waterman", "area", "riverside" ], [ "The Waterman", "familyFriendly", "yes" ], [ "The Waterman", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "For Italian food in a kids friendly environment, try The Waterman restaurant. Priced between \u00a320-25, it can be found in the riverside area near Raja Indian Cuisine." }, { "source": "e2e", "text": "The Waterman is an Italian restaurant. It is kids-friendly with a price range of \u00a320 - 25. It is situated near the Raja Indian Cuisine establishment in the riverside area." }, { "source": "e2e", "text": "The kids friendly restaurant The Waterman offers Italian food at prices between \u00a320-25. It is located near Raja Indian Cuisine in the riverside area." } ] }, { "tripleset": [ [ "The Waterman", "eatType", "restaurant" ], [ "The Waterman", "food", "Italian" ], [ "The Waterman", "priceRange", "\u00a320-25" ], [ "The Waterman", "area", "riverside" ], [ "The Waterman", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "A reasonably priced between \u00a320 - 25 Italian restaurant called The Waterman is located in the riverside area near Raja Indian Cuisine." } ] }, { "tripleset": [ [ "The Waterman", "eatType", "restaurant" ], [ "The Waterman", "priceRange", "high" ], [ "The Waterman", "area", "riverside" ], [ "The Waterman", "familyFriendly", "yes" ], [ "The Waterman", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Waterman is a restaurant near to Raja Indian Cuisine that is child-friendly. It has a high price range but is located in riverside" } ] }, { "tripleset": [ [ "The Waterman", "eatType", "restaurant" ], [ "The Waterman", "priceRange", "high" ], [ "The Waterman", "familyFriendly", "yes" ], [ "The Waterman", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Waterman is a high priced restaurant located near Raja Indian Cuisine. It is family friendly." }, { "source": "e2e", "text": "The restaurant The Waterman is an expensive family friendly establishment located near Raja Indian Cuisine." } ] }, { "tripleset": [ [ "The Waterman", "eatType", "restaurant" ], [ "The Waterman", "priceRange", "high" ], [ "The Waterman", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "Near Raja Indian Cuisine, The Waterman restaurant has high prices and facilities for the family." } ] }, { "tripleset": [ [ "The Waterman", "eatType", "restaurant" ], [ "The Waterman", "priceRange", "less than \u00a320" ], [ "The Waterman", "area", "city centre" ], [ "The Waterman", "familyFriendly", "no" ], [ "The Waterman", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Waterman is a restaurant located in the center of the city that is near Raja Indian Cuisine. It is not family-friendly and the price range is less than 20 pounds." } ] }, { "tripleset": [ [ "The Waterman", "eatType", "restaurant" ], [ "The Waterman", "priceRange", "moderate" ], [ "The Waterman", "area", "riverside" ], [ "The Waterman", "familyFriendly", "yes" ], [ "The Waterman", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "There is an above average priced restaurant called The Waterman, located near Raja Indian Cuisine in riverside. The venue is child friendly." } ] }, { "tripleset": [ [ "The Waterman", "food", "Indian" ], [ "The Waterman", "priceRange", "less than \u00a320" ], [ "The Waterman", "area", "riverside" ], [ "The Waterman", "familyFriendly", "no" ], [ "The Waterman", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "Raja Indian Cuisine is close to a competitor The Waterman where Indian food is served for less than \u00a320 a plate in the riverside area not to families" }, { "source": "e2e", "text": "Raja Indian Cuisine is close to a competitor The Waterman where Indian food is served for less than \u00a320 a plate in the riverside area not to families" } ] }, { "tripleset": [ [ "The Waterman", "food", "Indian" ], [ "The Waterman", "priceRange", "moderate" ], [ "The Waterman", "area", "riverside" ], [ "The Waterman", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Waterman serves Indian food. It has a moderate price range. Its near Raja Indian Cuisine in riverside." }, { "source": "e2e", "text": "The Waterman serves Indian food. It has a moderate price range. Its near Raja Indian Cuisine in riverside." } ] }, { "tripleset": [ [ "The Waterman", "food", "Italian" ], [ "The Waterman", "priceRange", "high" ], [ "The Waterman", "area", "riverside" ], [ "The Waterman", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Waterman near Raja Indian Cuisine in riverside serves a high price range Italian food." }, { "source": "e2e", "text": "The Waterman near Raja Indian Cuisine in riverside serves a high price range Italian food." } ] }, { "tripleset": [ [ "The Wrestlers", "eatType", "coffee shop" ], [ "The Wrestlers", "food", "Italian" ], [ "The Wrestlers", "priceRange", "moderate" ], [ "The Wrestlers", "area", "riverside" ], [ "The Wrestlers", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Wrestlers is a moderate price range Italian food Caf\u00e9 is located in riverside near Raja Indian Cuisine." }, { "source": "e2e", "text": "The Wrestlers is a moderate price range Italian food Caf\u00e9 is located in riverside near Raja Indian Cuisine." } ] }, { "tripleset": [ [ "The Wrestlers", "eatType", "coffee shop" ], [ "The Wrestlers", "food", "Japanese" ], [ "The Wrestlers", "area", "riverside" ], [ "The Wrestlers", "familyFriendly", "yes" ], [ "The Wrestlers", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "Close to Raja Indian Cuisine in riverside, you will find The Wrestlers. A decently priced, child friendly coffee chop and Japanese food establishment." }, { "source": "e2e", "text": "Close to Raja Indian Cuisine in riverside, you will find The Wrestlers. A decently priced, child friendly coffee chop and Japanese food establishment." } ] }, { "tripleset": [ [ "The Wrestlers", "eatType", "coffee shop" ], [ "The Wrestlers", "priceRange", "cheap" ], [ "The Wrestlers", "familyFriendly", "no" ], [ "The Wrestlers", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Wrestlers is a low-priced coffee near Raja Indian Cuisine that provides sushi and is not family friendly." } ] }, { "tripleset": [ [ "The Wrestlers", "eatType", "coffee shop" ], [ "The Wrestlers", "priceRange", "moderate" ], [ "The Wrestlers", "area", "city centre" ], [ "The Wrestlers", "familyFriendly", "yes" ], [ "The Wrestlers", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Wrestlers is a go-to Caf\u00e9 for families and features moderately priced food for high-energy customers including families. You can find The Wrestlers near Raja Indian Cuisine at City Centre." }, { "source": "e2e", "text": "The Wrestlers is a go-to Caf\u00e9 for families and features moderately priced food for high-energy customers including families. You can find The Wrestlers near Raja Indian Cuisine at City Centre." } ] }, { "tripleset": [ [ "The Wrestlers", "eatType", "pub" ], [ "The Wrestlers", "area", "city centre" ], [ "The Wrestlers", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Wrestlers is a pub for sushi food, we're placed near Raja Indian Cuisine at City centre." }, { "source": "e2e", "text": "The Wrestlers pub a variety of foods, it's near Raja Indian Cuisine in the City centre" }, { "source": "e2e", "text": "Near the City centre and Raja Indian Cuisine The Wrestlers pub has different kinds of food" }, { "source": "e2e", "text": "The Wrestlers is a high end pub north of the city centre and nearby Raja Indian Cuisine." } ] }, { "tripleset": [ [ "The Wrestlers", "eatType", "pub" ], [ "The Wrestlers", "area", "riverside" ], [ "The Wrestlers", "familyFriendly", "no" ], [ "The Wrestlers", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Wrestlers pub is on the river, by Raja Indian Cuisine. No families. Medium priced" } ] }, { "tripleset": [ [ "The Wrestlers", "eatType", "pub" ], [ "The Wrestlers", "area", "riverside" ], [ "The Wrestlers", "familyFriendly", "yes" ], [ "The Wrestlers", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Wrestlers is a kid friendly pub located near Raja Indian Cuisine in riverside." } ] }, { "tripleset": [ [ "The Wrestlers", "eatType", "restaurant" ], [ "The Wrestlers", "familyFriendly", "yes" ], [ "The Wrestlers", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Wrestlers pub is a family friendly sushi restaurant. It's located near Raja Indian Cuisine." } ] }, { "tripleset": [ [ "The Wrestlers", "eatType", "restaurant" ], [ "The Wrestlers", "food", "Japanese" ], [ "The Wrestlers", "customer rating", "5 out of 5" ], [ "The Wrestlers", "area", "city centre" ], [ "The Wrestlers", "familyFriendly", "no" ], [ "The Wrestlers", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Wrestlers is a highly rated pub and Japanese restaurant located in the city centre, near to Raja Indian Cuisine. It is in the higher price range of \u00a330 or more and is not children friendly." } ] }, { "tripleset": [ [ "The Wrestlers", "eatType", "restaurant" ], [ "The Wrestlers", "food", "Japanese" ], [ "The Wrestlers", "priceRange", "more than \u00a330" ], [ "The Wrestlers", "customer rating", "low" ], [ "The Wrestlers", "area", "riverside" ], [ "The Wrestlers", "familyFriendly", "no" ], [ "The Wrestlers", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Wrestlers is a Japanese restaurant with a low customer rating ad is not child friendly. It is located in Riverside near Raja Indian Cuisine and a pub, the price range is more than 30." } ] }, { "tripleset": [ [ "The Wrestlers", "eatType", "restaurant" ], [ "The Wrestlers", "food", "Japanese" ], [ "The Wrestlers", "priceRange", "more than \u00a330" ], [ "The Wrestlers", "customer rating", "low" ], [ "The Wrestlers", "area", "riverside" ], [ "The Wrestlers", "familyFriendly", "yes" ], [ "The Wrestlers", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "Not recommended for children, The Wrestlers is a Japanese restaurant with a low customer rating. Located in Riverside, it is near Raja Indian Cuisine and a pub, price range is more than 30." } ] }, { "tripleset": [ [ "The Wrestlers", "eatType", "restaurant" ], [ "The Wrestlers", "food", "Japanese" ], [ "The Wrestlers", "priceRange", "more than \u00a330" ], [ "The Wrestlers", "customer rating", "low" ], [ "The Wrestlers", "area", "riverside" ], [ "The Wrestlers", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Wrestlers is a Japanese food restaurant with a low customer rating. It is near Raja Indian Cuisine and its price range is more than \u00a330. It is a pub in riverside." }, { "source": "e2e", "text": "The Wrestlers is a Japanese food restaurant with a low customer rating. It is near Raja Indian Cuisine and its price range is more than \u00a330. It is a pub in riverside." } ] }, { "tripleset": [ [ "The Wrestlers", "eatType", "pub" ], [ "The Wrestlers", "familyFriendly", "no" ], [ "The Wrestlers", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "Located next to Raja Indian Cuisine, The Wrestlers is an adult only pub, that is low cost." }, { "source": "e2e", "text": "The Wrestlers is a low cost pub. It is by Raja Indian Cuisine, and is adult only." }, { "source": "e2e", "text": "The Wrestlers is a pub near a Raja Indian Cuisine serving medium-priced items. It is not for families." } ] }, { "tripleset": [ [ "The Wrestlers", "eatType", "pub" ], [ "The Wrestlers", "familyFriendly", "yes" ], [ "The Wrestlers", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "Located next to Raja Indian Cuisine, The Wrestlers pub family friendly and well priced" }, { "source": "e2e", "text": "The Wrestlers pub family friendly and well priced located next to Raja Indian Cuisine" }, { "source": "e2e", "text": "The Wrestlers is a family friendly pub near Raja Indian Cuisine." }, { "source": "e2e", "text": "The Wrestlers is a pub near Raja Indian Cuisine in medium price range, it is family friendly." }, { "source": "e2e", "text": "The Wrestlers is a pub near Raja Indian Cuisine in medium price range, it is family friendly." }, { "source": "e2e", "text": "The Wrestlers is a family friendly pub that is fairly priced and serves sushi. It is located next to the Raja Indian Cuisine." } ] }, { "tripleset": [ [ "The Wrestlers", "eatType", "pub" ], [ "The Wrestlers", "food", "Chinese" ], [ "The Wrestlers", "customer rating", "1 out of 5" ], [ "The Wrestlers", "area", "city centre" ], [ "The Wrestlers", "familyFriendly", "yes" ], [ "The Wrestlers", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "There is a one star mid priced family friendly pub The Wrestlers near Raja Indian Cuisine in the City centre. It offers Chinese food." } ] }, { "tripleset": [ [ "The Wrestlers", "eatType", "pub" ], [ "The Wrestlers", "food", "Japanese" ], [ "The Wrestlers", "priceRange", "more than \u00a330" ], [ "The Wrestlers", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "No, The Wrestlers is Japanese Fast food with pub on the side Raja Indian Cuisine with low rank and more than \u00a330" }, { "source": "e2e", "text": "The Wrestlers is Japanese Fast food with pub on side Raja Indian Cuisine with low rank and no more than \u00a330" } ] }, { "tripleset": [ [ "The Wrestlers", "eatType", "pub" ], [ "The Wrestlers", "food", "Italian" ], [ "The Wrestlers", "area", "city centre" ], [ "The Wrestlers", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "Located in the centre of the city, close to Raja Indian Cuisine, The Wrestlers is a pub offering Italian food." }, { "source": "e2e", "text": "When in the center of the city you must try The Wrestlers with your family. It is a pub that serves Italian food at a fair price. It's located near Raja Indian Cuisine." } ] }, { "tripleset": [ [ "The Wrestlers", "eatType", "pub" ], [ "The Wrestlers", "food", "Italian" ], [ "The Wrestlers", "area", "riverside" ], [ "The Wrestlers", "familyFriendly", "yes" ], [ "The Wrestlers", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "A children friendly pub near Raja Indian Cuisine named The Wrestlers is located in riverside and is Italian food for more than \u00a330." } ] }, { "tripleset": [ [ "The Wrestlers", "eatType", "pub" ], [ "The Wrestlers", "food", "Italian" ], [ "The Wrestlers", "familyFriendly", "yes" ] ], "annotations": [ { "source": "e2e", "text": "The Wrestlers is a nice priced Italian pub that is kids friendly." } ] }, { "tripleset": [ [ "The Wrestlers", "eatType", "pub" ], [ "The Wrestlers", "food", "Italian" ], [ "The Wrestlers", "familyFriendly", "yes" ], [ "The Wrestlers", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "If you're looking to spend more than \u00a330, there is a children friendly pub that has Italian food near Raja Indian Cuisine called The Wrestlers." } ] }, { "tripleset": [ [ "The Wrestlers", "eatType", "pub" ], [ "The Wrestlers", "food", "Italian" ], [ "The Wrestlers", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "Near Raja Indian Cuisine, you and your family can enjoy Italian cuisine and alcohol while dining at the pub called The Wrestlers." } ] }, { "tripleset": [ [ "The Wrestlers", "eatType", "pub" ], [ "The Wrestlers", "food", "Italian" ], [ "The Wrestlers", "priceRange", "less than \u00a320" ], [ "The Wrestlers", "area", "riverside" ], [ "The Wrestlers", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "Near Raja Indian Cuisine in the riverside area you can find The Wrestlers. This adult pub serves inexpensive Italian food." }, { "source": "e2e", "text": "Near Raja Indian Cuisine there is a pub called The Wrestlers that offers less than \u00a320 Italian food and is by the river side. Kids not welcome" } ] }, { "tripleset": [ [ "The Wrestlers", "eatType", "pub" ], [ "The Wrestlers", "food", "Italian" ], [ "The Wrestlers", "priceRange", "moderate" ], [ "The Wrestlers", "area", "city centre" ], [ "The Wrestlers", "familyFriendly", "no" ], [ "The Wrestlers", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Wrestlers is a moderately priced Italian pub. It is near Raja Indian Cuisine, is not kids friendly, and is in the city center." }, { "source": "e2e", "text": "Near Raja Indian Cuisine in the city centre is The Wrestlers a pub with Italian food. It is moderately-priced and is not kid friendly." }, { "source": "e2e", "text": "The Wrestlers is an Italian pub near Raja Indian Cuisine in the city center. It is moderately priced, and is not kids friendly" }, { "source": "e2e", "text": "The Wrestlers is a moderately-priced Italian pub near Raja Indian Cuisine in the city centre which is not kid friendly." } ] }, { "tripleset": [ [ "The Wrestlers", "eatType", "pub" ], [ "The Wrestlers", "food", "Italian" ], [ "The Wrestlers", "priceRange", "moderate" ], [ "The Wrestlers", "area", "city centre" ], [ "The Wrestlers", "familyFriendly", "yes" ], [ "The Wrestlers", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Wrestlers is a kids friendly pub near Raja Indian Cuisine in the city centre. It serves moderately priced Italian food." }, { "source": "e2e", "text": "The Wrestlers is a pub near Raja Indian Cuisine in the city centre. It serves moderately priced Italian food and is kids friendly." }, { "source": "e2e", "text": "The Wrestlers is a moderately priced pub offering alcohol and Italian food. It is family friendly and located in City centre near Raja Indian Cuisine." } ] }, { "tripleset": [ [ "The Wrestlers", "eatType", "pub" ], [ "The Wrestlers", "food", "Italian" ], [ "The Wrestlers", "priceRange", "moderate" ], [ "The Wrestlers", "area", "city centre" ], [ "The Wrestlers", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Wrestlers is a pub in the city centre area, offering moderately priced Italian food near Raja Indian Cuisine. It is best suited for couples." }, { "source": "e2e", "text": "The Wrestlers is a moderately priced pub that serves Italian food. It is located in the city centre near Raja Indian Cuisine. Great place to bring your family." } ] }, { "tripleset": [ [ "The Wrestlers", "eatType", "pub" ], [ "The Wrestlers", "food", "Italian" ], [ "The Wrestlers", "priceRange", "moderate" ], [ "The Wrestlers", "area", "riverside" ], [ "The Wrestlers", "familyFriendly", "no" ], [ "The Wrestlers", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "Italian food pub The Wrestlers has a moderate price range and is not kid friendly. The Wrestlers is located near Raja Indian Cuisine in riverside." } ] }, { "tripleset": [ [ "The Wrestlers", "eatType", "pub" ], [ "The Wrestlers", "food", "Italian" ], [ "The Wrestlers", "priceRange", "moderate" ], [ "The Wrestlers", "area", "riverside" ], [ "The Wrestlers", "familyFriendly", "yes" ] ], "annotations": [ { "source": "e2e", "text": "The Wrestlers is a moderately priced Italian pub that is kids friendly near Raja located in riverside." } ] }, { "tripleset": [ [ "The Wrestlers", "eatType", "pub" ], [ "The Wrestlers", "food", "Italian" ], [ "The Wrestlers", "priceRange", "moderate" ], [ "The Wrestlers", "area", "riverside" ], [ "The Wrestlers", "familyFriendly", "yes" ], [ "The Wrestlers", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Wrestlers is a pub that serves Italian food. Has a moderate price range, and is kids friendly. Located in the riverside area near Raja Indian Cuisine." }, { "source": "e2e", "text": "The Wrestlers serves Italian food. It is a pub near Raja Indian Cuisine in the riverside area. It is kids friendly and has a moderate price range." }, { "source": "e2e", "text": "The Wrestlers pub is located in the riverside area near the Raja Indian Cuisine. It serves Italian food with a moderate price range and is kids-Friendly." }, { "source": "e2e", "text": "An Italian pub called The Wrestlers is located along a riverside. Its near Raja Indian Cuisine, price range is moderate, and kid friendly." }, { "source": "e2e", "text": "The Wrestlers is a moderately priced, Italian pub by the riverside. It is kid friendly and is located near Raja Indian Cuisine." }, { "source": "e2e", "text": "The Wrestlers, a pub, is an Italian, kid friendly along the riverside. It is near Raja Indian Cuisine and the price range is average." }, { "source": "e2e", "text": "Near Raja Indian Cuisine in the riverside area. Ia a pub The Wrestlers. Child friendly Italian pub with a moderate price range." }, { "source": "e2e", "text": "There is a kid-friendly pub offering Italian food located near Raja Indian Cuisine in the riverside area. It is called The Wrestlers, and is moderately priced." }, { "source": "e2e", "text": "The Wrestlers is a moderately priced pub in the riverside area, located near Raja Indian Cuisine. It offers Italian food and is child-friendly." }, { "source": "e2e", "text": "There's a pub in the riverside area near the Raja Indian Cuisine. It's called The Wrestlers, offers Italian food with a moderate price range and is kids-Friendly." } ] }, { "tripleset": [ [ "The Wrestlers", "eatType", "pub" ], [ "The Wrestlers", "food", "Italian" ], [ "The Wrestlers", "priceRange", "more than \u00a330" ], [ "The Wrestlers", "area", "riverside" ], [ "The Wrestlers", "familyFriendly", "yes" ], [ "The Wrestlers", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "A pub that is kid friendly near Raja Indian Cuisine named The Wrestlers in the riverside area has a price range of more than \u00a330 that serves Italian food." }, { "source": "e2e", "text": "An Italian pub called The Wrestlers is a pub in the area of riverside located near Raja Indian Cuisine. It is a children friendly place with a high price range of more than \u00a330." }, { "source": "e2e", "text": "The Wrestlers is a children friendly pub that is located in the area of riverside near Raja Indian Cuisine. They serve Italian food with a high price range of more than \u00a330" }, { "source": "e2e", "text": "A pub that is kid friendly near Raja Indian Cuisine named The Wrestlers in the riverside area has a price range of more than \u00a330 that serves Italian food." } ] }, { "tripleset": [ [ "The Wrestlers", "eatType", "pub" ], [ "The Wrestlers", "food", "Japanese" ], [ "The Wrestlers", "area", "city centre" ], [ "The Wrestlers", "familyFriendly", "yes" ], [ "The Wrestlers", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Wrestlers go to a pub that's family-friendly, price range less than \u00a320, serves Japanese food, and is found near Raja Indian Cuisine in the city centre area." }, { "source": "e2e", "text": "The Wrestlers eat at a pub that is family-friendly with prince range less than \u00a320, serving Japanese cuisine, and located near Raja Indian Cuisine in city centre area." }, { "source": "e2e", "text": "With prices greater than \u00a330, The Wrestlers is a children friendly pub located in the city centre. It also serves Japanese food and is close to Raja Indian Cuisine." } ] }, { "tripleset": [ [ "The Wrestlers", "eatType", "pub" ], [ "The Wrestlers", "food", "Japanese" ], [ "The Wrestlers", "area", "city centre" ], [ "The Wrestlers", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Wrestlers is a reasonably priced Japanese pub found in the city centre near Raja Indian Cuisine. It is not welcoming to children." }, { "source": "e2e", "text": "The Wrestlers is a Japanese pub in City centre near Raja Indian Cuisine." }, { "source": "e2e", "text": "there is a pub near from Raja Indian Cuisine at city centre named The Wrestlers made Japanese food" }, { "source": "e2e", "text": "The Wrestlers is a pub made Japanese food near from Raja Indian Cuisine at city centre" } ] }, { "tripleset": [ [ "The Wrestlers", "eatType", "pub" ], [ "The Wrestlers", "food", "Japanese" ], [ "The Wrestlers", "area", "riverside" ], [ "The Wrestlers", "familyFriendly", "yes" ], [ "The Wrestlers", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Wrestlers serves Japanese food, and is situated near Raja Indian Cuisine, in the riverside area. It is a kid friendly pub with a price range of \u00a320 - \u00a325." }, { "source": "e2e", "text": "Near Raja Indian Cuisine, in the riverside area lies The Wrestlers pub which serves Japanese food, is kid friendly with a price range of \u00a320-\u00a325." }, { "source": "e2e", "text": "There is a Japanese pub called The Wrestlers located near Raja Indian Cuisine in riverside. They do offer a higher price range but are children friendly." }, { "source": "e2e", "text": "The Wrestlers is a family friendly Japanese pub , It is located near Raja Indian Cuisine in Riverside and has a price range of less than \u00a320." }, { "source": "e2e", "text": "There is a family friendly Japanese pub The Wrestlers with a price range of less than \u00a320 near Raja Indian Cuisine in Riverside." }, { "source": "e2e", "text": "The Wrestlers is family friendly pub that has a price range of \u00a320, and serves Japanese Food. It's near Raja Indian Cuisine by the riverside." }, { "source": "e2e", "text": "The Wrestlers is a children friendly Japanese pub near Raja Indian Cuisine in the Riverside area, come down to our pub in the medium price range" }, { "source": "e2e", "text": "The Wrestlers is a pub serving Japanese food on the riverside near Raja Indian Cuisine. It's children friendly and has a price range of more than \u00a330." }, { "source": "e2e", "text": "Named The Wrestlers, this children friendly pub serves Japanese food for a price range of more than \u00a330. It's locates near Raja Indian Cuisine on the riverside." }, { "source": "e2e", "text": "If you don't mind spending a bit more, The Wrestlers pub is child-friendly and serves good Japanese food. You can find it near Raja Indian Cuisine in the riverside area." }, { "source": "e2e", "text": "If you're looking for child-friendly Japanese food, try The Wrestlers pub. It's a bit pricey but in a nice area by the riverside, just by Raja Indian Cuisine." } ] }, { "tripleset": [ [ "The Wrestlers", "eatType", "pub" ], [ "The Wrestlers", "food", "Japanese" ], [ "The Wrestlers", "area", "riverside" ], [ "The Wrestlers", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Wrestlers is a decently priced pub and Japanese food establishment you can take your kids to in riverside. It is close to Raja Indian Cuisine." }, { "source": "e2e", "text": "The Wrestlers is an adult Japanese pub in riverside near Raja Indian Cuisine with price range more than \u00a330" }, { "source": "e2e", "text": "The Wrestlers is an adult Japanese pub in riverside near Raja Indian Cuisine with price range more than \u00a330" } ] }, { "tripleset": [ [ "The Wrestlers", "eatType", "pub" ], [ "The Wrestlers", "food", "Japanese" ], [ "The Wrestlers", "customer rating", "5 out of 5" ], [ "The Wrestlers", "area", "city centre" ], [ "The Wrestlers", "familyFriendly", "no" ], [ "The Wrestlers", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "In the city centre, near to Raja Indian Cuisine, is the highly rated pub called The Wrestlers, which serves Japanese food. It is not child friendly and is in the more than \u00a330 range." } ] }, { "tripleset": [ [ "The Wrestlers", "eatType", "pub" ], [ "The Wrestlers", "food", "Japanese" ], [ "The Wrestlers", "customer rating", "5 out of 5" ], [ "The Wrestlers", "area", "city centre" ], [ "The Wrestlers", "familyFriendly", "yes" ], [ "The Wrestlers", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "5 out of 5 rated child friendly The Wrestlers, serves Japanese food in a pub at higher than normal prices. Located in the City Centre near Raja Indian Cuisine." } ] }, { "tripleset": [ [ "The Wrestlers", "eatType", "pub" ], [ "The Wrestlers", "food", "Japanese" ], [ "The Wrestlers", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "Situated close to Raja Indian Cuisine is The Wrestlers, a Japanese style pub that serves dishes for under twenty pound." }, { "source": "e2e", "text": "The Wrestlers is a pub that provides Japanese food for a high cost. The pub is located by the margin of the river, next to Raja Indian Cuisine." }, { "source": "e2e", "text": "The Wrestlers, located by the margin of the river, next to Raja Indian Cuisine, is a high cost pub that provides Japanese food." } ] }, { "tripleset": [ [ "The Wrestlers", "eatType", "pub" ], [ "The Wrestlers", "food", "Japanese" ], [ "The Wrestlers", "priceRange", "cheap" ], [ "The Wrestlers", "area", "riverside" ], [ "The Wrestlers", "familyFriendly", "yes" ], [ "The Wrestlers", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "Nearby Raja Indian Cuisine in Riverside, is a Japanese food pub called The Wrestlers. It is relatively inexpensive and also kids friendly." }, { "source": "e2e", "text": "The Wrestlers is a Japanese food pub, located in the Riverside area nearby Raja Indian Cuisine. It is relatively inexpensive and also kids friendly." }, { "source": "e2e", "text": "In riverside, near Raja Indian Cuisine, there is a Japanese pub called The Wrestlers that offers cheap food and a child-friendly atmosphere." }, { "source": "e2e", "text": "The Wrestlers is the name of a family-friendly pub on the riverside near Raja Indian Cuisine. It serves Japanese food for cheap prices." }, { "source": "e2e", "text": "The Wrestlers is a cheap pub in riverside where you can find Japanese food in a child-friendly environment. Look for it near Raja Indian Cuisine." }, { "source": "e2e", "text": "There is a low-priced and family-friendly pub on the riverside that serves Japanese food. It is called The Wrestlers and is located near Raja Indian Cuisine." }, { "source": "e2e", "text": "There is a cheap family friendly Japanese pub, The Wrestlers in Riverside, near Raja Indian Cuisine." }, { "source": "e2e", "text": "The Wrestlers is a low priced family friendly Japanese pub in Riverside, near Raja Indian Cuisine." } ] }, { "tripleset": [ [ "The Wrestlers", "eatType", "pub" ], [ "The Wrestlers", "food", "Japanese" ], [ "The Wrestlers", "priceRange", "cheap" ], [ "The Wrestlers", "area", "riverside" ], [ "The Wrestlers", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Wrestlers offers Japanese food and pub with cheap price near Raja Indian Cuisine in riverside." }, { "source": "e2e", "text": "The Wrestlers offers Japanese food and pub with cheap price near Raja Indian Cuisine in riverside." } ] }, { "tripleset": [ [ "The Wrestlers", "eatType", "pub" ], [ "The Wrestlers", "food", "Japanese" ], [ "The Wrestlers", "priceRange", "more than \u00a330" ], [ "The Wrestlers", "customer rating", "low" ], [ "The Wrestlers", "area", "riverside" ], [ "The Wrestlers", "familyFriendly", "yes" ], [ "The Wrestlers", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "A Family friendly pub The Wrestlers serves Japanese food with a high price tag and a low customer rating. Located in the riverside area, close to Raja Indian Cuisine." } ] }, { "tripleset": [ [ "The Wrestlers", "eatType", "pub" ], [ "The Wrestlers", "food", "Japanese" ], [ "The Wrestlers", "priceRange", "high" ], [ "The Wrestlers", "area", "riverside" ], [ "The Wrestlers", "familyFriendly", "yes" ], [ "The Wrestlers", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "There is a high price range Japanese pub in Riverside near Raja Indian Cuisine that is child friendly called The Wrestlers" }, { "source": "e2e", "text": "Near the Raja Indian Cuisine is children-friendly in the riverside area. It is a pub with Japanese food with a high price range named The Wrestlers." }, { "source": "e2e", "text": "The Wrestlers is a pub who is child friendly that sells Japanese food within a high price range near Raja Indian Cuisine at Riverside." }, { "source": "e2e", "text": "The Wrestlers located near Raja Indian Cuisine in riverside is a high prices but child friendly Japanese pub." }, { "source": "e2e", "text": "Near the Raja Indian Cuisine is children-friendly in the riverside area. It is a pub with Japanese food with a high price range named The Wrestlers." } ] }, { "tripleset": [ [ "The Wrestlers", "eatType", "pub" ], [ "The Wrestlers", "food", "Japanese" ], [ "The Wrestlers", "priceRange", "less than \u00a320" ], [ "The Wrestlers", "area", "city centre" ], [ "The Wrestlers", "familyFriendly", "no" ], [ "The Wrestlers", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "Japanese pub, The Wrestlers is located in the city centre near Raja Indian Cuisine. It has a price range of less than \u00a320 and is not family-friendly." }, { "source": "e2e", "text": "The Wrestlers is a pub serving Japanese food and is located near Raja Indian Cuisine and the city center. It is non-family-friendly and is less than 20 pounds in price range." }, { "source": "e2e", "text": "The Wrestlers Japanese pub near Raja Indian Cuisine in the city centre has a price range of less than \u00a320 and is not family-friendly." }, { "source": "e2e", "text": "The Wrestlers pub is non-family-friendly and in the less than 20 pound price range. The food is Japanese and it is located near the city center and Raja Indian Cuisine." } ] }, { "tripleset": [ [ "The Wrestlers", "eatType", "pub" ], [ "The Wrestlers", "food", "Japanese" ], [ "The Wrestlers", "priceRange", "less than \u00a320" ], [ "The Wrestlers", "area", "city centre" ], [ "The Wrestlers", "familyFriendly", "yes" ], [ "The Wrestlers", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "Near Raja Indian Cuisine in the city centre you can find The Wrestlers, a moderately priced pub of the Japanese style that unfortunately does not openly welcome families with children." }, { "source": "e2e", "text": "The city centre has Japanese food via a pub, The Wrestlers. family-friendly and less than \u00a320, this eatery is located near Raja Indian Cuisine." }, { "source": "e2e", "text": "If looking for a family-friendly pub, The Wrestlers is located in the city centre near Raja Indian Cuisine. The price range is less than \u00a320 for Japanese food." } ] }, { "tripleset": [ [ "The Wrestlers", "eatType", "pub" ], [ "The Wrestlers", "food", "Japanese" ], [ "The Wrestlers", "priceRange", "less than \u00a320" ], [ "The Wrestlers", "area", "riverside" ], [ "The Wrestlers", "familyFriendly", "no" ], [ "The Wrestlers", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Wrestlers pub serves Japanese food. It is situated near Raja Indian Cuisine at the riverside. Prices are less than \u00a320. It is not family-friendly." }, { "source": "e2e", "text": "The Wrestlers near the Raja Indian Cuisine on the riverside is a Japanese pub. No families. Its prices are within the less than \u00a320 range." }, { "source": "e2e", "text": "The Wrestlers is a Japanese pub near Raja Indian Cuisine on the riverside. Its prices lie within the less than \u00a320 range. No families." }, { "source": "e2e", "text": "The Wrestlers is a pub serving Japanese food. It is situated near Raja Indian Cuisine at the riverside. Prices are less than \u00a320. Not family-friendly." } ] }, { "tripleset": [ [ "The Wrestlers", "eatType", "pub" ], [ "The Wrestlers", "food", "Japanese" ], [ "The Wrestlers", "priceRange", "less than \u00a320" ], [ "The Wrestlers", "area", "riverside" ], [ "The Wrestlers", "familyFriendly", "yes" ], [ "The Wrestlers", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Wrestlers, a Japanese pub near Raja Indian Cuisine, offers family friendly riverside dining for less than \u00a320." }, { "source": "e2e", "text": "Named The Wrestlers is a Japanese food pub and is near The Raja Indian Cuisine int he riverside area prices ranging from less than \u00a320 and is family friendly" }, { "source": "e2e", "text": "The Wrestlers is a family friendly pub located near Raja Indian Cuisine, in riverside. They offer Japanese food for under \u00a320." }, { "source": "e2e", "text": "For under \u00a320, The Wrestlers pub, located near Raja Indian Cuisine, delivers Japanese food in a riverside, family friendly environment." }, { "source": "e2e", "text": "The Wrestlers is a pub that is family friendly, moderately priced Japanese food close to Raja Indian Cuisine in riverside." }, { "source": "e2e", "text": "Name The Wrestlers in the riverside area at a price range of less than \u00a320 it is a family friendly pub near the Raja Indian Cuisine serving Japanese food" }, { "source": "e2e", "text": "The riverside Japanese pub, The Wrestlers, is located near Raja Indian Cuisine and offers a family friendly environment with an under \u00a320 price range." } ] }, { "tripleset": [ [ "The Wrestlers", "eatType", "pub" ], [ "The Wrestlers", "food", "Japanese" ], [ "The Wrestlers", "priceRange", "moderate" ], [ "The Wrestlers", "area", "city centre" ], [ "The Wrestlers", "familyFriendly", "no" ], [ "The Wrestlers", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Wrestlers is a pub with a moderate price range that has Japanese food and is located in city centre near Raja Indian Cuisine and is not kid friendly." }, { "source": "e2e", "text": "A pub that The Wrestlers eat at, with a moderate price range, serves Japanese cuisine, but is not kid friendly and is located near Raja Indian Cuisine in the city centre area." }, { "source": "e2e", "text": "The Wrestlers is a moderately priced pub in the city centre near Raja Indian Cuisine. It serves Japanese food and it is not kids friendly." }, { "source": "e2e", "text": "There's a pub that The Wrestlers go to, with a moderate price range, serving Japanese food. This pub is not kid friendly and is located near Raja Indian Cuisine in the city centre area." }, { "source": "e2e", "text": "The Wrestlers is a pub with a moderate price range that has Japanese food and is located in city centre near Raja Indian Cuisine and is not kid friendly." }, { "source": "e2e", "text": "An option for Japanese food in the city centre area is The Wrestlers pub located next to Raja Indian Cuisine. This is not a family-friendly pub. This pub has an average-priced menu." } ] }, { "tripleset": [ [ "The Wrestlers", "eatType", "pub" ], [ "The Wrestlers", "food", "Japanese" ], [ "The Wrestlers", "priceRange", "moderate" ], [ "The Wrestlers", "area", "city centre" ], [ "The Wrestlers", "familyFriendly", "yes" ], [ "The Wrestlers", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Wrestlers pub is located near Raja Indian Cuisine in the city centre area. It serves Japanese food in the moderate price range and is child friendly" }, { "source": "e2e", "text": "In the city centre near Raja Indian Cuisine is The Wrestlers. It is a kids friendly pub serving moderately priced Japanese food." }, { "source": "e2e", "text": "The Wrestlers pub is located near Raja Indian Cuisine in the city centre area. It serves Japanese food in the moderate price range and is child friendly" }, { "source": "e2e", "text": "The Wrestlers is a pub that serves kid friendly moderately priced Japanese food and is located near Raja Indian Cuisine near the city centre." }, { "source": "e2e", "text": "The Wrestlers is a kids friendly pub they serves Japanese food. It has a moderate price range and is in the city centre near Raja Indian Cuisine." } ] }, { "tripleset": [ [ "The Wrestlers", "eatType", "pub" ], [ "The Wrestlers", "food", "Japanese" ], [ "The Wrestlers", "priceRange", "moderate" ], [ "The Wrestlers", "area", "city centre" ], [ "The Wrestlers", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "There is a moderately priced pub called The Wrestlers in the centre of the city near Raja Indian Cuisine. It serves Japanese food and kids are not welcomed." }, { "source": "e2e", "text": "Japanese food can be found in the city centre area at The Wrestlers pub. This average-priced option is not a good location to bring children. This pub can be found next to Raja Indian Cuisine." } ] }, { "tripleset": [ [ "The Wrestlers", "eatType", "pub" ], [ "The Wrestlers", "food", "Japanese" ], [ "The Wrestlers", "priceRange", "moderate" ], [ "The Wrestlers", "area", "riverside" ], [ "The Wrestlers", "familyFriendly", "no" ], [ "The Wrestlers", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "Near Raja Indian Cuisine in Riverside is The Wrestlers. It is a Japanese pub, has reasonable prices but is not kid friendly." }, { "source": "e2e", "text": "By the riverside, near Raja Indian Cuisine, there is a Japanese pub named The Wrestlers. It is not kid-friendly, and is in the moderate price range." }, { "source": "e2e", "text": "The Wrestlers is a moderately priced Japanese pub in the riverside area, near Raja Indian Cuisine. This pub is not kid friendly." }, { "source": "e2e", "text": "The Wrestlers is a pub providing Japanese food in the moderate price range. It is located in the riverside area near Raja Indian Cuisine adults only" }, { "source": "e2e", "text": "The Wrestlers is a Japanese pub located by the riverside, near Raja Indian Cuisine. It is moderately-priced and not kid-friendly." }, { "source": "e2e", "text": "The Wrestlers is a pub providing Japanese food in the moderate price range. It is located in the riverside area near Raja Indian Cuisine adults only" } ] }, { "tripleset": [ [ "The Wrestlers", "eatType", "pub" ], [ "The Wrestlers", "food", "Japanese" ], [ "The Wrestlers", "priceRange", "moderate" ], [ "The Wrestlers", "area", "riverside" ], [ "The Wrestlers", "familyFriendly", "yes" ], [ "The Wrestlers", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Wrestlers is a moderately priced Japanese pub offering a child friendly environment. They are located in riverside near Raja Indian Cuisine." }, { "source": "e2e", "text": "In riverside you can find a Japanese pub of moderate price called The Wrestlers. They offer a child friendly environment and can be found near Raja Indian Cuisine." }, { "source": "e2e", "text": "The Wrestlers is a moderately priced, family friendly Japanese pub in Riverside, near Raja Indian Cuisine." }, { "source": "e2e", "text": "There is a Japanese, family friendly pub in Riverside near Raja Indian Cuisine called The Wrestlers and is moderately priced." } ] }, { "tripleset": [ [ "The Wrestlers", "eatType", "pub" ], [ "The Wrestlers", "food", "Japanese" ], [ "The Wrestlers", "priceRange", "moderate" ], [ "The Wrestlers", "area", "riverside" ], [ "The Wrestlers", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Wrestlers is a striking pub near Raja Indian Cuisine in the area Riverside, service features Japanese food, family atmosphere, warm clentele and moderate prices" }, { "source": "e2e", "text": "The Wrestlers is a pub with Japanese food service, family atmosphere, warm and moderate prices clentele, is located near Raja Indian Cuisine in the Riverside area" } ] }, { "tripleset": [ [ "The Wrestlers", "eatType", "pub" ], [ "The Wrestlers", "food", "Japanese" ], [ "The Wrestlers", "priceRange", "moderate" ], [ "The Wrestlers", "customer rating", "1 out of 5" ], [ "The Wrestlers", "area", "city centre" ], [ "The Wrestlers", "familyFriendly", "yes" ], [ "The Wrestlers", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Wrestlers is a pub providing Japanese food in the moderate price range. It is located in the city centre near to Raja Indian Cuisine and the customer rating is 1 out of 5. Friendly for kids." }, { "source": "e2e", "text": "There is a friendly for kids pub called The Wrestlers which provides Japanese food in the moderate prices. It is situated in the city centre near to the Raja Indian Cuisine with 1 out of 5 customer rating." } ] }, { "tripleset": [ [ "The Wrestlers", "eatType", "pub" ], [ "The Wrestlers", "food", "Japanese" ], [ "The Wrestlers", "priceRange", "moderate" ], [ "The Wrestlers", "customer rating", "1 out of 5" ], [ "The Wrestlers", "area", "riverside" ], [ "The Wrestlers", "familyFriendly", "no" ], [ "The Wrestlers", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Wrestlers is a moderately priced pub that serves Japanese food. Kids are not allowed. Rated 1 out of 5 and located in the riverside are near Raja Indian Cuisine." } ] }, { "tripleset": [ [ "The Wrestlers", "eatType", "pub" ], [ "The Wrestlers", "food", "Japanese" ], [ "The Wrestlers", "priceRange", "moderate" ], [ "The Wrestlers", "customer rating", "1 out of 5" ], [ "The Wrestlers", "area", "riverside" ], [ "The Wrestlers", "familyFriendly", "yes" ], [ "The Wrestlers", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Wrestlers is a Japanese kid-friendly pub situated by the riverside. Its price ranges are moderate and it has a customer rating of 1 out of 5. It is near Raja Indian Cuisine." }, { "source": "e2e", "text": "The Wrestlers is a Japanese kid-friendly pub located by the riverside. It is near Raja Indian Cuisine, has moderate price ranges and a customer rating of 1 out of 5." } ] }, { "tripleset": [ [ "The Wrestlers", "eatType", "pub" ], [ "The Wrestlers", "food", "Japanese" ], [ "The Wrestlers", "priceRange", "moderate" ], [ "The Wrestlers", "customer rating", "1 out of 5" ], [ "The Wrestlers", "area", "riverside" ], [ "The Wrestlers", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Wrestlers is a pub located in Riverside near Raja Indian Cuisine. They serve moderately priced Japanese food and received a 1 out of 5 customer rating." } ] }, { "tripleset": [ [ "The Wrestlers", "eatType", "pub" ], [ "The Wrestlers", "food", "Japanese" ], [ "The Wrestlers", "priceRange", "more than \u00a330" ], [ "The Wrestlers", "area", "city centre" ], [ "The Wrestlers", "familyFriendly", "no" ], [ "The Wrestlers", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Wrestlers is a pub that offers Japanese food for more than \u00a330. It is located in the city centre near Raja Indian Cuisine and is not child friendly." }, { "source": "e2e", "text": "Near Raja Indian Cuisine in the city centre is a Japanese pub called The Wrestlers. It has a price range of more than \u00a330 and is not kid-friendly." }, { "source": "e2e", "text": "In the city centre there is a pub with Japanese food named The Wrestlers. It costs more than \u00a330 and is located near Raja Indian Cuisine, and it is not child friendly." }, { "source": "e2e", "text": "The Wrestlers is located near Raja Indian Cuisine in the city centre. It is a Japanese pub with a price range of more than \u00a330 and is not kid-friendly." } ] }, { "tripleset": [ [ "The Wrestlers", "eatType", "pub" ], [ "The Wrestlers", "food", "Japanese" ], [ "The Wrestlers", "priceRange", "more than \u00a330" ], [ "The Wrestlers", "area", "city centre" ], [ "The Wrestlers", "familyFriendly", "yes" ], [ "The Wrestlers", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Wrestlers, located in the city centre, near Raja Indian Cuisine, is a Japanese pub and pub. It is children friendly with a price range of more than \u00a330." }, { "source": "e2e", "text": "The Wrestlers is a children friendly pub with a price range of more than \u00a330. It also serves Japanese food and is located in the city centre near Raja Indian Cuisine." } ] }, { "tripleset": [ [ "The Wrestlers", "eatType", "pub" ], [ "The Wrestlers", "food", "Japanese" ], [ "The Wrestlers", "priceRange", "more than \u00a330" ], [ "The Wrestlers", "area", "riverside" ], [ "The Wrestlers", "familyFriendly", "no" ], [ "The Wrestlers", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "In the riverside area near Raja Indian Cuisine, The Wrestlers pub is not children friendly. Our price range is more than \u00a330 and we offer Japanese food." }, { "source": "e2e", "text": "Japanese food at The Wrestlers pub features a price range of more than \u00a330. Located in the riverside area near Raja Indian Cuisine. We are not children friendly." } ] }, { "tripleset": [ [ "The Wrestlers", "eatType", "pub" ], [ "The Wrestlers", "food", "Japanese" ], [ "The Wrestlers", "priceRange", "more than \u00a330" ], [ "The Wrestlers", "area", "riverside" ], [ "The Wrestlers", "familyFriendly", "yes" ], [ "The Wrestlers", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "An expensive and child friendly Japanese pub in riverside is The Wrestlers. It is near Raja Indian Cuisine." }, { "source": "e2e", "text": "There is a children friendly Japanese pub called The Wrestlers which is located near Raja Indian Cuisine in riverside. The price range is more than \u00a330." }, { "source": "e2e", "text": "The Wrestlers is a Japanese pub in riverside near Raja Indian Cuisine. It is expensive and child friendly." }, { "source": "e2e", "text": "The Wrestlers is a Japanese pub near Raja Indian Cuisine in riverside. It is children friendly and the price range is more than \u00a330." }, { "source": "e2e", "text": "Located near Raja Indian Cuisine in the riverside area is an eat type pub called the The Wrestlers is a children friendly that serves Japanese food and has a price range more than 30 euros." } ] }, { "tripleset": [ [ "The Wrestlers", "eatType", "pub" ], [ "The Wrestlers", "food", "Japanese" ], [ "The Wrestlers", "priceRange", "more than \u00a330" ], [ "The Wrestlers", "customer rating", "1 out of 5" ], [ "The Wrestlers", "area", "city centre" ], [ "The Wrestlers", "familyFriendly", "yes" ], [ "The Wrestlers", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Wrestlers is an expensive child-friendly Japanese pub located in the city centre, near Raja Indian Cuisine. It receives low customer ratings." }, { "source": "e2e", "text": "The Wrestlers is a child-friendly Japanese pub located in the city centre, near Raja Indian Cuisine. It receives low customer ratings and is in the high price range." } ] }, { "tripleset": [ [ "The Wrestlers", "eatType", "pub" ], [ "The Wrestlers", "food", "Japanese" ], [ "The Wrestlers", "priceRange", "more than \u00a330" ], [ "The Wrestlers", "customer rating", "5 out of 5" ], [ "The Wrestlers", "area", "city centre" ], [ "The Wrestlers", "familyFriendly", "no" ], [ "The Wrestlers", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "A high priced Japanese pub with a high customer rating but not child friendly, is The Wrestlers, near Raja Indian Cuisine in the city centre" }, { "source": "e2e", "text": "Near Raja Indian Cuisine in the city centre there is a pub serving Japanese food called The Wrestlers. It costs more than \u00a330 but has a customer rating of 5 out of 5. This establishment is not child friendly." }, { "source": "e2e", "text": "The Wrestlers is a pub serving Japanese food in the city centre near Raja Indian Cuisine. It has a high customer rating of 5 out of 5, and a price range of more than \u00a330 and is not child friendly." }, { "source": "e2e", "text": "The Wrestlers is a high priced Japanese pub near Raja Indian Cuisine in the city centre with a high customer rating, but not child friendly" } ] }, { "tripleset": [ [ "The Wrestlers", "eatType", "pub" ], [ "The Wrestlers", "food", "Japanese" ], [ "The Wrestlers", "priceRange", "more than \u00a330" ], [ "The Wrestlers", "customer rating", "5 out of 5" ], [ "The Wrestlers", "area", "city centre" ], [ "The Wrestlers", "familyFriendly", "yes" ], [ "The Wrestlers", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Wrestlers is near Raja Indian Cuisine in the city centre. It's a Japanese pub with a price range of more than \u00a330. It has a customer rating of 5 out of 5. And, yes, it is child friendly." }, { "source": "e2e", "text": "The Wrestlers is a children-friendly pub, it is located near Raja Indian Cuisine in the city centre that also serves Japanese food with a price range for more than \u00a330 with a rating of 5 out of 5." }, { "source": "e2e", "text": "There is a children-friendly pub that serves Japanese food with a price range with more than \u00a330 with a rating of 5 out of 5 near Raja Indian Cuisine in the city centre called The Wrestlers." } ] }, { "tripleset": [ [ "The Wrestlers", "eatType", "pub" ], [ "The Wrestlers", "food", "Japanese" ], [ "The Wrestlers", "priceRange", "more than \u00a330" ], [ "The Wrestlers", "customer rating", "5 out of 5" ], [ "The Wrestlers", "area", "city centre" ], [ "The Wrestlers", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Wrestlers, a Japanese pub, near Raja Indian Cuisine in the city centre, has a customer rating of 5 out of 5. its price range is more than \u00a330, and, yes to children." } ] }, { "tripleset": [ [ "The Wrestlers", "eatType", "pub" ], [ "The Wrestlers", "food", "Japanese" ], [ "The Wrestlers", "priceRange", "more than \u00a330" ], [ "The Wrestlers", "customer rating", "5 out of 5" ], [ "The Wrestlers", "area", "riverside" ], [ "The Wrestlers", "familyFriendly", "no" ], [ "The Wrestlers", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Wrestlers is located near Raja Indian Cuisine in riverside. This pub is expensive in addition to highly-rated at 5 out of 5. Not child friendly, you can find expensive Japanese food at The Wrestlers." } ] }, { "tripleset": [ [ "The Wrestlers", "eatType", "pub" ], [ "The Wrestlers", "food", "Japanese" ], [ "The Wrestlers", "priceRange", "more than \u00a330" ], [ "The Wrestlers", "customer rating", "5 out of 5" ], [ "The Wrestlers", "area", "riverside" ], [ "The Wrestlers", "familyFriendly", "yes" ], [ "The Wrestlers", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "5 out of 5 for this pub, although no facilities for children. It is close to Raja Indian Cuisine, called The Wrestlers near to the riverside has a price list of more than \u00a330 serves Japanese cuisine." }, { "source": "e2e", "text": "The Wrestlers serving Japanese cuisine in its pub does not cater for children. It is situated close to Raja Indian Cuisine near riverside. It has a price list of more than \u00a330 but has a customer review of 5 out of 5." }, { "source": "e2e", "text": "The Wrestlers has Japanese food and is located in riverside near Raja Indian Cuisine. It is a children friendly pub and has a price range more than \u00a330 and a customer rating of 5 out of 5." }, { "source": "e2e", "text": "The Wrestlers in Riverside is a pub located near Raja Indian Cuisine is child friendly, has a 5 out of 5 customer rating serves Japanese food and costs more than \u00a330." }, { "source": "e2e", "text": "The Wrestlers near Raja Indian Cuisine located in Riverside is a pub that is child friendly, has a 5 out of 5 customer rating, serves Japanese food that costs more than \u00a330." } ] }, { "tripleset": [ [ "The Wrestlers", "eatType", "pub" ], [ "The Wrestlers", "food", "Japanese" ], [ "The Wrestlers", "priceRange", "more than \u00a330" ], [ "The Wrestlers", "customer rating", "5 out of 5" ], [ "The Wrestlers", "area", "riverside" ], [ "The Wrestlers", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "If you don't mind leaving the kids at home, The Wrestlers is an expensive Japanese pub is one food option. Located near Raja Indian Cuisine in riverside, The Wrestlers has a 5 out of 5 rating." }, { "source": "e2e", "text": "Near Raja Indian Cuisine there is a Japanese pub The Wrestlers in Riverside. Their customer rating is 5 out of 5 with the price range more than \u00a330." }, { "source": "e2e", "text": "There is a Japanese pub near Raja Indian Cuisine, The Wrestlers in Riverside. Their customer rating is 5 out of 5 with the price range more than \u00a330." } ] }, { "tripleset": [ [ "The Wrestlers", "eatType", "pub" ], [ "The Wrestlers", "food", "Japanese" ], [ "The Wrestlers", "priceRange", "more than \u00a330" ], [ "The Wrestlers", "customer rating", "low" ], [ "The Wrestlers", "area", "city centre" ], [ "The Wrestlers", "familyFriendly", "yes" ], [ "The Wrestlers", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Wrestlers is a family-friendly, Japanese, pub located in the city centre near the Raja Indian Cuisine. However, it has a low customer rating and the meals cost more than 30 pounds." }, { "source": "e2e", "text": "The Wrestlers is an expensive, child-friendly Japanese pub located in the city centre, near Raja Indian Cuisine. It receives low customer ratings." }, { "source": "e2e", "text": "The Wrestlers Japanese pub near Raja Indian Cuisine in the city centre welcomes children but is costly at more than \u00a330 and has a low customer review." }, { "source": "e2e", "text": "The Wrestlers is a child-friendly Japanese pub located in the city centre, near Raja Indian Cuisine. It receives low customer ratings and is in the high price range." }, { "source": "e2e", "text": "There is a Japanese pub called The Wrestlers, near the city centre Raja Indian Cuisine. It is family-friendly but has a low customer rating and costs more than 30 pounds." } ] }, { "tripleset": [ [ "The Wrestlers", "eatType", "pub" ], [ "The Wrestlers", "food", "Japanese" ], [ "The Wrestlers", "priceRange", "more than \u00a330" ], [ "The Wrestlers", "customer rating", "low" ], [ "The Wrestlers", "area", "city centre" ], [ "The Wrestlers", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "yes it loves to have children. serving Japanese food, called The Wrestlers, although has a low customer review, situated close to Raja Indian Cuisine near the city centre is a pub but quite expensive at more than \u00a330," } ] }, { "tripleset": [ [ "The Wrestlers", "eatType", "pub" ], [ "The Wrestlers", "food", "Japanese" ], [ "The Wrestlers", "priceRange", "more than \u00a330" ], [ "The Wrestlers", "customer rating", "low" ], [ "The Wrestlers", "area", "riverside" ], [ "The Wrestlers", "familyFriendly", "no" ], [ "The Wrestlers", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Wrestlers is near Raja Indian Cuisine and is a Japanese pub in riverside. It has a low rating and is more than \u00a330. It is not child friendly." }, { "source": "e2e", "text": "The Wrestlers near Raja Indian Cuisine on the riverside is a pub that does Japanese food. It has a low rating, is not child friendly and costs more than \u00a330." }, { "source": "e2e", "text": "The Wrestlers near Raja Indian Cuisine is a Japanese pub in riverside. It has a low rating and is more than \u00a330. It is not child friendly." }, { "source": "e2e", "text": "Near Raja Indian Cuisine on the riverside is a pub called The Wrestlers that does Japanese food. It has a low rating, is not child friendly and costs more than \u00a330." } ] }, { "tripleset": [ [ "The Wrestlers", "eatType", "pub" ], [ "The Wrestlers", "food", "Japanese" ], [ "The Wrestlers", "priceRange", "more than \u00a330" ], [ "The Wrestlers", "customer rating", "low" ], [ "The Wrestlers", "area", "riverside" ], [ "The Wrestlers", "familyFriendly", "yes" ], [ "The Wrestlers", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "With one star The Wrestlers is a family friendly pub serving expensive Japanese food. It is situated in the riverside area near Raja Indian Cuisine." }, { "source": "e2e", "text": "The Wrestlers is an expensive, family friendly pub serving Japanese food. It is located near Raja Indian Cuisine in the riverside area. It has a customer rating of 1 out of 5." }, { "source": "e2e", "text": "Near Raja Indian Cuisine in riverside is low rated Japanese pub The Wrestlers. It is child friendly with dishes more than \u00a330." }, { "source": "e2e", "text": "The Wrestlers is a child friendly Japanese pub. It is low rated with the prices at more than \u00a330. In the riverside area near Raja Indian Cuisine." } ] }, { "tripleset": [ [ "The Wrestlers", "eatType", "pub" ], [ "The Wrestlers", "food", "Japanese" ], [ "The Wrestlers", "priceRange", "more than \u00a330" ], [ "The Wrestlers", "familyFriendly", "yes" ], [ "The Wrestlers", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "Near Raja Indian Cuisine is a Japanese pub and pub named The Wrestlers. It has a price range of more than \u00a330 and is kid-friendly." } ] }, { "tripleset": [ [ "The Wrestlers", "eatType", "pub" ], [ "The Wrestlers", "food", "Japanese" ], [ "The Wrestlers", "priceRange", "\u00a320-25" ], [ "The Wrestlers", "area", "riverside" ], [ "The Wrestlers", "familyFriendly", "yes" ], [ "The Wrestlers", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "Near Raja Indian Cuisine by riverside, there's a pub selling Japanese food. It's called The Wrestlers, it's kid friendly and costs around \u00a320-25." }, { "source": "e2e", "text": "Near Raja Indian Cuisine in the riverside area is a Japanese pub called The Wrestlers. It is average-priced and kids friendly." }, { "source": "e2e", "text": "The Wrestlers is a pub serving Japanese food near Raja Indian Cuisine in the riverside area. It is kids friendly and in the \u00a320-25 price range." }, { "source": "e2e", "text": "The Wrestlers pub serving Japanese food is located near Raja Indian Cuisine by the riverside. You can eat there for average price, and children are welcome." }, { "source": "e2e", "text": "The children friendly pub called The Wrestlers can be found by the riverside near Raja Indian Cuisine. It serves Japanese food in average price range." } ] }, { "tripleset": [ [ "The Wrestlers", "eatType", "pub" ], [ "The Wrestlers", "food", "Japanese" ], [ "The Wrestlers", "priceRange", "\u00a320-25" ], [ "The Wrestlers", "area", "riverside" ], [ "The Wrestlers", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Wrestlers sells Japanese food for \u00a320-25. It's a pub near Raja Indian Cuisine by riverside." } ] }, { "tripleset": [ [ "The Wrestlers", "eatType", "pub" ], [ "The Wrestlers", "food", "Japanese" ], [ "The Wrestlers", "priceRange", "\u00a320-25" ], [ "The Wrestlers", "familyFriendly", "yes" ], [ "The Wrestlers", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "With prices ranging \u00a320-25, The Wrestlers pub can be found near Raja Indian Cuisine. The Wrestlers is kid-friendly and serves Japanese fare." } ] }, { "tripleset": [ [ "The Wrestlers", "eatType", "pub" ], [ "The Wrestlers", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "There is a fairly priced pub near Raja Indian Cuisine that serves sushi and is called The Wrestlers." }, { "source": "e2e", "text": "The Wrestlers is a pub in the medium price range. It is located near a Raja Indian Cuisine." }, { "source": "e2e", "text": "The Wrestlers is a high end pub that is located next to Raja Indian Cuisine." } ] }, { "tripleset": [ [ "The Wrestlers", "eatType", "pub" ], [ "The Wrestlers", "priceRange", "cheap" ], [ "The Wrestlers", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Wrestlers is a pub providing sushi in the low price range. It is located near Raja Indian Cuisine." } ] }, { "tripleset": [ [ "The Wrestlers", "eatType", "pub" ], [ "The Wrestlers", "priceRange", "less than \u00a320" ], [ "The Wrestlers", "area", "city centre" ], [ "The Wrestlers", "familyFriendly", "yes" ], [ "The Wrestlers", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Wrestlers is a family-friendly pub in the northern City Centre next to Raja Indian Cuisine with a low price range." }, { "source": "e2e", "text": "The Wrestlers is a family-friendly pub with a low price range in the northern City Centre next to Raja Indian Cuisine." } ] }, { "tripleset": [ [ "The Wrestlers", "eatType", "pub" ], [ "The Wrestlers", "priceRange", "less than \u00a320" ], [ "The Wrestlers", "area", "city centre" ], [ "The Wrestlers", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Wrestlers, a moderately priced pub, is located north of the city center. near Raja Indian Cuisine." }, { "source": "e2e", "text": "The Wrestlers, located north of the city center. near Raja Indian Cuisine, is a moderately priced pub." } ] }, { "tripleset": [ [ "The Wrestlers", "eatType", "pub" ], [ "The Wrestlers", "priceRange", "less than \u00a320" ], [ "The Wrestlers", "area", "riverside" ], [ "The Wrestlers", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Wrestlers pub. It is located in riverside area near Raja Indian Cuisine. Start from low price and friend-family too." }, { "source": "e2e", "text": "The Wrestlers is a pub. It is located in riverside area near Raja Indian Cuisine. Start from low price and friend-family too." }, { "source": "e2e", "text": "The Wrestlers is a low-priced pub, located near the river. Raja Indian Cuisine is nearby." } ] }, { "tripleset": [ [ "The Wrestlers", "eatType", "pub" ], [ "The Wrestlers", "priceRange", "less than \u00a320" ], [ "The Wrestlers", "familyFriendly", "no" ], [ "The Wrestlers", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Wrestlers is a pub close to Raja Indian Cuisine with low prices and not family friendly." }, { "source": "e2e", "text": "A low priced pub called The Wrestlers is not suitable for families. It is next to the Raja Indian Cuisine." }, { "source": "e2e", "text": "The Wrestlers is a non family friendly, low priced pub located next to Raja Indian Cuisine." }, { "source": "e2e", "text": "Next to Raja Indian Cuisine there is a non family friendly pub, it is called The Wrestlers and is low priced." } ] }, { "tripleset": [ [ "The Wrestlers", "eatType", "pub" ], [ "The Wrestlers", "priceRange", "less than \u00a320" ], [ "The Wrestlers", "familyFriendly", "yes" ], [ "The Wrestlers", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "A low priced pub next to Raja Indian Cuisine is called The Wrestlers. It is a family friendly place that offers sushi." }, { "source": "e2e", "text": "The Wrestlers pub is a low-priced, family friendly sushi pub located close to Raja Indian Cuisine." }, { "source": "e2e", "text": "The Wrestlers is a pub next to Raja Indian Cuisine that offers sushi. It is family friendly and is low priced." } ] }, { "tripleset": [ [ "The Wrestlers", "eatType", "pub" ], [ "The Wrestlers", "priceRange", "less than \u00a320" ], [ "The Wrestlers", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Wrestlers is a low-priced pub near Raja Indian Cuisine that provides pasta." }, { "source": "e2e", "text": "The Wrestlers is a pub that provides pasta in the low price range. It is near Raja Indian Cuisine." }, { "source": "e2e", "text": "The Wrestlers is located close to Raja Indian Cuisine. They are a pub with low prices." }, { "source": "e2e", "text": "The Wrestlers is a pub located near Raja Indian Cuisine that serves pasta in the low price range. Public restrooms available." }, { "source": "e2e", "text": "The Wrestlers is a pub in the low price range that serves pasta. It is located near Raja Indian Cuisine and has a public restroom." }, { "source": "e2e", "text": "The Wrestlers, located near Raja Indian Cuisine, is a low-priced pub that does not cater to families of small children." } ] }, { "tripleset": [ [ "The Wrestlers", "eatType", "pub" ], [ "The Wrestlers", "priceRange", "moderate" ], [ "The Wrestlers", "area", "city centre" ], [ "The Wrestlers", "familyFriendly", "no" ], [ "The Wrestlers", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Wrestlers is a moderate price ranged pub located near Raja Indian Cuisine in City centre and is not family friendly." } ] }, { "tripleset": [ [ "The Wrestlers", "eatType", "pub" ], [ "The Wrestlers", "priceRange", "moderate" ], [ "The Wrestlers", "area", "city centre" ], [ "The Wrestlers", "familyFriendly", "yes" ], [ "The Wrestlers", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Wrestlers is a moderately priced pub that serves kid friendly food and is located at the city centre near Raja Indian Cuisine." } ] }, { "tripleset": [ [ "The Wrestlers", "eatType", "pub" ], [ "The Wrestlers", "priceRange", "moderate" ], [ "The Wrestlers", "area", "riverside" ], [ "The Wrestlers", "familyFriendly", "no" ], [ "The Wrestlers", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "Average priced food at The Wrestlers pub. Located near Raja Indian Cuisine on the river. No Families, Sorry" } ] }, { "tripleset": [ [ "The Wrestlers", "eatType", "pub" ], [ "The Wrestlers", "priceRange", "moderate" ], [ "The Wrestlers", "area", "riverside" ], [ "The Wrestlers", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Wrestlers is a moderately priced pub in riverside, located near Raja Indian Cuisine." } ] }, { "tripleset": [ [ "The Wrestlers", "eatType", "pub" ], [ "The Wrestlers", "priceRange", "moderate" ], [ "The Wrestlers", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "There is an average priced pub near Raja Indian Cuisine called The Wrestlers." }, { "source": "e2e", "text": "The Wrestlers pub is located near Raja Indian Cuisine. It is in the average price range." } ] }, { "tripleset": [ [ "The Wrestlers", "eatType", "pub" ], [ "The Wrestlers", "priceRange", "more than \u00a330" ], [ "The Wrestlers", "area", "city centre" ], [ "The Wrestlers", "familyFriendly", "no" ], [ "The Wrestlers", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "There is a pub named The Wrestlers close to Raja Indian Cuisine in city centre where prices are more than \u00a330 and is not children friendly." }, { "source": "e2e", "text": "The Wrestlers is a pub close to Raja Indian Cuisine in city centre where prices are more than \u00a330 and is not children friendly." } ] }, { "tripleset": [ [ "The Wrestlers", "eatType", "pub" ], [ "The Wrestlers", "priceRange", "more than \u00a330" ], [ "The Wrestlers", "customer rating", "1 out of 5" ], [ "The Wrestlers", "familyFriendly", "yes" ], [ "The Wrestlers", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Wrestlers is a poorly rated pub near Raja Indian Cuisine. It is moderately expensive, family-friendly, and serves sushi." } ] }, { "tripleset": [ [ "The Wrestlers", "eatType", "pub" ], [ "The Wrestlers", "priceRange", "more than \u00a330" ], [ "The Wrestlers", "customer rating", "1 out of 5" ], [ "The Wrestlers", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "Near Raja Indian Cuisine, you'll find The Wrestlers, a family pub that sells sushi. It is moderately expensive and has poor ratings." } ] }, { "tripleset": [ [ "The Wrestlers", "eatType", "pub" ], [ "The Wrestlers", "priceRange", "more than \u00a330" ], [ "The Wrestlers", "customer rating", "5 out of 5" ], [ "The Wrestlers", "familyFriendly", "yes" ], [ "The Wrestlers", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Wrestlers is a family friendly pub located near Raja Indian Cuisine. They have a high price range and a 5 out of 5 customer rating." } ] }, { "tripleset": [ [ "The Wrestlers", "eatType", "pub" ], [ "The Wrestlers", "priceRange", "more than \u00a330" ], [ "The Wrestlers", "customer rating", "5 out of 5" ], [ "The Wrestlers", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Wrestlers pub serves sushi and is located near Raja Indian Cuisine. They have a 5 out of 5 star customer rating and have a high price range." }, { "source": "e2e", "text": "The Wrestlers pub is high-priced with great ratings. It is located near Raja Indian Cuisine," } ] }, { "tripleset": [ [ "The Wrestlers", "eatType", "pub" ], [ "The Wrestlers", "priceRange", "more than \u00a330" ], [ "The Wrestlers", "familyFriendly", "yes" ], [ "The Wrestlers", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Wrestlers is a high-priced and family friendly pub that is located next to Raja Indian Cuisine." }, { "source": "e2e", "text": "The Wrestlers is an expensive family friendly pub north of the city, near Raja Indian Cuisine." } ] }, { "tripleset": [ [ "The Wrestlers", "eatType", "restaurant" ], [ "The Wrestlers", "area", "city centre" ], [ "The Wrestlers", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Wrestlers is a restaurant for sushi food, we're placed near Raja Indian Cuisine at City centre." }, { "source": "e2e", "text": "The Wrestlers is a high end restaurant north of the city centre and nearby Raja Indian Cuisine." } ] }, { "tripleset": [ [ "The Wrestlers", "eatType", "restaurant" ], [ "The Wrestlers", "area", "riverside" ], [ "The Wrestlers", "familyFriendly", "no" ], [ "The Wrestlers", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Wrestlers restaurant is on the river, by Raja Indian Cuisine. No families. Medium priced" } ] }, { "tripleset": [ [ "The Wrestlers", "eatType", "restaurant" ], [ "The Wrestlers", "area", "riverside" ], [ "The Wrestlers", "familyFriendly", "yes" ], [ "The Wrestlers", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Wrestlers is a kid friendly restaurant located near Raja Indian Cuisine in riverside." } ] }, { "tripleset": [ [ "The Wrestlers", "eatType", "restaurant" ], [ "The Wrestlers", "customer rating", "1 out of 5" ], [ "The Wrestlers", "area", "city centre" ], [ "The Wrestlers", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Wrestlers is a 1 star, medium priced restaurant located near Raja Indian Cuisine and north of city centre." }, { "source": "e2e", "text": "North of city centre and near Raja Indian Cuisine, is a 1 star, medium priced restaurant called The Wrestlers." } ] }, { "tripleset": [ [ "The Wrestlers", "eatType", "restaurant" ], [ "The Wrestlers", "familyFriendly", "no" ], [ "The Wrestlers", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "Located next to Raja Indian Cuisine, The Wrestlers is an adult only restaurant, that is low cost." }, { "source": "e2e", "text": "The Wrestlers is a low cost restaurant. It is by Raja Indian Cuisine, and is adult only." } ] }, { "tripleset": [ [ "The Wrestlers", "eatType", "restaurant" ], [ "The Wrestlers", "familyFriendly", "yes" ], [ "The Wrestlers", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "Located next to Raja Indian Cuisine, The Wrestlers restaurant family friendly and well priced" }, { "source": "e2e", "text": "The Wrestlers restaurant family friendly and well priced located next to Raja Indian Cuisine" }, { "source": "e2e", "text": "The Wrestlers is a family friendly restaurant near Raja Indian Cuisine." }, { "source": "e2e", "text": "The Wrestlers is a restaurant near Raja Indian Cuisine in medium price range, it is family friendly." }, { "source": "e2e", "text": "The Wrestlers is a restaurant near Raja Indian Cuisine in medium price range, it is family friendly." }, { "source": "e2e", "text": "The Wrestlers is a family friendly restaurant that is fairly priced and serves sushi. It is located next to the Raja Indian Cuisine." } ] }, { "tripleset": [ [ "The Wrestlers", "eatType", "restaurant" ], [ "The Wrestlers", "food", "Italian" ], [ "The Wrestlers", "area", "city centre" ], [ "The Wrestlers", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "Located in the centre of the city, close to Raja Indian Cuisine, The Wrestlers is a restaurant offering Italian food." }, { "source": "e2e", "text": "When in the center of the city you must try The Wrestlers with your family. It is a restaurant that serves Italian food at a fair price. It's located near Raja Indian Cuisine." } ] }, { "tripleset": [ [ "The Wrestlers", "eatType", "restaurant" ], [ "The Wrestlers", "food", "Italian" ], [ "The Wrestlers", "area", "riverside" ], [ "The Wrestlers", "familyFriendly", "yes" ], [ "The Wrestlers", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "A children friendly restaurant near Raja Indian Cuisine named The Wrestlers is located in riverside and is Italian food for more than \u00a330." } ] }, { "tripleset": [ [ "The Wrestlers", "eatType", "restaurant" ], [ "The Wrestlers", "food", "Italian" ], [ "The Wrestlers", "familyFriendly", "yes" ] ], "annotations": [ { "source": "e2e", "text": "The Wrestlers is a nice priced Italian restaurant that is kids friendly." } ] }, { "tripleset": [ [ "The Wrestlers", "eatType", "restaurant" ], [ "The Wrestlers", "food", "Italian" ], [ "The Wrestlers", "familyFriendly", "yes" ], [ "The Wrestlers", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "If you're looking to spend more than \u00a330, there is a children friendly restaurant that has Italian food near Raja Indian Cuisine called The Wrestlers." } ] }, { "tripleset": [ [ "The Wrestlers", "eatType", "restaurant" ], [ "The Wrestlers", "food", "Italian" ], [ "The Wrestlers", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "Near Raja Indian Cuisine, you and your family can enjoy Italian cuisine and alcohol while dining at the restaurant called The Wrestlers." } ] }, { "tripleset": [ [ "The Wrestlers", "eatType", "restaurant" ], [ "The Wrestlers", "food", "Italian" ], [ "The Wrestlers", "priceRange", "less than \u00a320" ], [ "The Wrestlers", "area", "riverside" ], [ "The Wrestlers", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "Near Raja Indian Cuisine in the riverside area you can find The Wrestlers. This adult restaurant serves inexpensive Italian food." }, { "source": "e2e", "text": "Near Raja Indian Cuisine there is a restaurant called The Wrestlers that offers less than \u00a320 Italian food and is by the river side. Kids not welcome" } ] }, { "tripleset": [ [ "The Wrestlers", "eatType", "restaurant" ], [ "The Wrestlers", "food", "Italian" ], [ "The Wrestlers", "priceRange", "moderate" ], [ "The Wrestlers", "area", "city centre" ], [ "The Wrestlers", "familyFriendly", "no" ], [ "The Wrestlers", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Wrestlers is a moderately priced Italian restaurant. It is near Raja Indian Cuisine, is not kids friendly, and is in the city center." }, { "source": "e2e", "text": "Near Raja Indian Cuisine in the city centre is The Wrestlers a restaurant with Italian food. It is moderately-priced and is not kid friendly." }, { "source": "e2e", "text": "The Wrestlers is an Italian restaurant near Raja Indian Cuisine in the city center. It is moderately priced, and is not kids friendly" }, { "source": "e2e", "text": "The Wrestlers is a moderately-priced Italian restaurant near Raja Indian Cuisine in the city centre which is not kid friendly." } ] }, { "tripleset": [ [ "The Wrestlers", "eatType", "restaurant" ], [ "The Wrestlers", "food", "Italian" ], [ "The Wrestlers", "priceRange", "moderate" ], [ "The Wrestlers", "area", "city centre" ], [ "The Wrestlers", "familyFriendly", "yes" ], [ "The Wrestlers", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Wrestlers is a kids friendly restaurant near Raja Indian Cuisine in the city centre. It serves moderately priced Italian food." }, { "source": "e2e", "text": "The Wrestlers is a restaurant near Raja Indian Cuisine in the city centre. It serves moderately priced Italian food and is kids friendly." }, { "source": "e2e", "text": "The Wrestlers is a moderately priced restaurant offering alcohol and Italian food. It is family friendly and located in City centre near Raja Indian Cuisine." } ] }, { "tripleset": [ [ "The Wrestlers", "eatType", "restaurant" ], [ "The Wrestlers", "food", "Italian" ], [ "The Wrestlers", "priceRange", "moderate" ], [ "The Wrestlers", "area", "city centre" ], [ "The Wrestlers", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Wrestlers is a restaurant in the city centre area, offering moderately priced Italian food near Raja Indian Cuisine. It is best suited for couples." }, { "source": "e2e", "text": "The Wrestlers is a moderately priced restaurant that serves Italian food. It is located in the city centre near Raja Indian Cuisine. Great place to bring your family." } ] }, { "tripleset": [ [ "The Wrestlers", "eatType", "restaurant" ], [ "The Wrestlers", "food", "Italian" ], [ "The Wrestlers", "priceRange", "moderate" ], [ "The Wrestlers", "area", "riverside" ], [ "The Wrestlers", "familyFriendly", "no" ], [ "The Wrestlers", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "Italian food restaurant The Wrestlers has a moderate price range and is not kid friendly. The Wrestlers is located near Raja Indian Cuisine in riverside." } ] }, { "tripleset": [ [ "The Wrestlers", "eatType", "restaurant" ], [ "The Wrestlers", "food", "Italian" ], [ "The Wrestlers", "priceRange", "moderate" ], [ "The Wrestlers", "area", "riverside" ], [ "The Wrestlers", "familyFriendly", "yes" ] ], "annotations": [ { "source": "e2e", "text": "The Wrestlers is a moderately priced Italian restaurant that is kids friendly near Raja located in riverside." } ] }, { "tripleset": [ [ "The Wrestlers", "eatType", "restaurant" ], [ "The Wrestlers", "food", "Italian" ], [ "The Wrestlers", "priceRange", "moderate" ], [ "The Wrestlers", "area", "riverside" ], [ "The Wrestlers", "familyFriendly", "yes" ], [ "The Wrestlers", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Wrestlers is a restaurant that serves Italian food. Has a moderate price range, and is kids friendly. Located in the riverside area near Raja Indian Cuisine." }, { "source": "e2e", "text": "The Wrestlers serves Italian food. It is a restaurant near Raja Indian Cuisine in the riverside area. It is kids friendly and has a moderate price range." }, { "source": "e2e", "text": "The Wrestlers restaurant is located in the riverside area near the Raja Indian Cuisine. It serves Italian food with a moderate price range and is kids-Friendly." }, { "source": "e2e", "text": "An Italian restaurant called The Wrestlers is located along a riverside. Its near Raja Indian Cuisine, price range is moderate, and kid friendly." }, { "source": "e2e", "text": "The Wrestlers is a moderately priced, Italian restaurant by the riverside. It is kid friendly and is located near Raja Indian Cuisine." }, { "source": "e2e", "text": "The Wrestlers, a restaurant, is an Italian, kid friendly along the riverside. It is near Raja Indian Cuisine and the price range is average." }, { "source": "e2e", "text": "Near Raja Indian Cuisine in the riverside area. Ia a restaurant The Wrestlers. Child friendly Italian restaurant with a moderate price range." }, { "source": "e2e", "text": "There is a kid-friendly restaurant offering Italian food located near Raja Indian Cuisine in the riverside area. It is called The Wrestlers, and is moderately priced." }, { "source": "e2e", "text": "The Wrestlers is a moderately priced restaurant in the riverside area, located near Raja Indian Cuisine. It offers Italian food and is child-friendly." }, { "source": "e2e", "text": "There's a restaurant in the riverside area near the Raja Indian Cuisine. It's called The Wrestlers, offers Italian food with a moderate price range and is kids-Friendly." } ] }, { "tripleset": [ [ "The Wrestlers", "eatType", "restaurant" ], [ "The Wrestlers", "food", "Italian" ], [ "The Wrestlers", "priceRange", "more than \u00a330" ], [ "The Wrestlers", "area", "riverside" ], [ "The Wrestlers", "familyFriendly", "yes" ], [ "The Wrestlers", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "A restaurant that is kid friendly near Raja Indian Cuisine named The Wrestlers in the riverside area has a price range of more than \u00a330 that serves Italian food." }, { "source": "e2e", "text": "An Italian restaurant called The Wrestlers is a restaurant in the area of riverside located near Raja Indian Cuisine. It is a children friendly place with a high price range of more than \u00a330." }, { "source": "e2e", "text": "The Wrestlers is a children friendly restaurant that is located in the area of riverside near Raja Indian Cuisine. They serve Italian food with a high price range of more than \u00a330" }, { "source": "e2e", "text": "A restaurant that is kid friendly near Raja Indian Cuisine named The Wrestlers in the riverside area has a price range of more than \u00a330 that serves Italian food." } ] }, { "tripleset": [ [ "The Wrestlers", "eatType", "restaurant" ], [ "The Wrestlers", "food", "Japanese" ], [ "The Wrestlers", "area", "city centre" ], [ "The Wrestlers", "familyFriendly", "yes" ], [ "The Wrestlers", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Wrestlers go to a restaurant that's family-friendly, price range less than \u00a320, serves Japanese food, and is found near Raja Indian Cuisine in the city centre area." }, { "source": "e2e", "text": "The Wrestlers eat at a restaurant that is family-friendly with prince range less than \u00a320, serving Japanese cuisine, and located near Raja Indian Cuisine in city centre area." }, { "source": "e2e", "text": "With prices greater than \u00a330, The Wrestlers is a children friendly restaurant located in the city centre. It also serves Japanese food and is close to Raja Indian Cuisine." } ] }, { "tripleset": [ [ "The Wrestlers", "eatType", "restaurant" ], [ "The Wrestlers", "food", "Japanese" ], [ "The Wrestlers", "area", "city centre" ], [ "The Wrestlers", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Wrestlers is a reasonably priced Japanese restaurant found in the city centre near Raja Indian Cuisine. It is not welcoming to children." }, { "source": "e2e", "text": "The Wrestlers is a Japanese restaurant in City centre near Raja Indian Cuisine." } ] }, { "tripleset": [ [ "The Wrestlers", "eatType", "restaurant" ], [ "The Wrestlers", "food", "Japanese" ], [ "The Wrestlers", "area", "riverside" ], [ "The Wrestlers", "familyFriendly", "yes" ], [ "The Wrestlers", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Wrestlers serves Japanese food, and is situated near Raja Indian Cuisine, in the riverside area. It is a kid friendly restaurant with a price range of \u00a320 - \u00a325." }, { "source": "e2e", "text": "Near Raja Indian Cuisine, in the riverside area lies The Wrestlers restaurant which serves Japanese food, is kid friendly with a price range of \u00a320-\u00a325." }, { "source": "e2e", "text": "There is a Japanese restaurant called The Wrestlers located near Raja Indian Cuisine in riverside. They do offer a higher price range but are children friendly." }, { "source": "e2e", "text": "The Wrestlers is a family friendly Japanese restaurant , It is located near Raja Indian Cuisine in Riverside and has a price range of less than \u00a320." }, { "source": "e2e", "text": "There is a family friendly Japanese restaurant The Wrestlers with a price range of less than \u00a320 near Raja Indian Cuisine in Riverside." }, { "source": "e2e", "text": "The Wrestlers is family friendly restaurant that has a price range of \u00a320, and serves Japanese Food. It's near Raja Indian Cuisine by the riverside." }, { "source": "e2e", "text": "The Wrestlers is a children friendly Japanese restaurant near Raja Indian Cuisine in the Riverside area, come down to our restaurant in the medium price range" }, { "source": "e2e", "text": "The Wrestlers is a restaurant serving Japanese food on the riverside near Raja Indian Cuisine. It's children friendly and has a price range of more than \u00a330." }, { "source": "e2e", "text": "Named The Wrestlers, this children friendly restaurant serves Japanese food for a price range of more than \u00a330. It's locates near Raja Indian Cuisine on the riverside." }, { "source": "e2e", "text": "If you don't mind spending a bit more, The Wrestlers restaurant is child-friendly and serves good Japanese food. You can find it near Raja Indian Cuisine in the riverside area." }, { "source": "e2e", "text": "If you're looking for child-friendly Japanese food, try The Wrestlers restaurant. It's a bit pricey but in a nice area by the riverside, just by Raja Indian Cuisine." } ] }, { "tripleset": [ [ "The Wrestlers", "eatType", "restaurant" ], [ "The Wrestlers", "food", "Japanese" ], [ "The Wrestlers", "area", "riverside" ], [ "The Wrestlers", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Wrestlers is a decently priced restaurant and Japanese food establishment you can take your kids to in riverside. It is close to Raja Indian Cuisine." }, { "source": "e2e", "text": "The Wrestlers is an adult Japanese restaurant in riverside near Raja Indian Cuisine with price range more than \u00a330" }, { "source": "e2e", "text": "The Wrestlers is an adult Japanese restaurant in riverside near Raja Indian Cuisine with price range more than \u00a330" } ] }, { "tripleset": [ [ "The Wrestlers", "eatType", "restaurant" ], [ "The Wrestlers", "food", "Japanese" ], [ "The Wrestlers", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "Situated close to Raja Indian Cuisine is The Wrestlers, a Japanese style restaurant that serves dishes for under twenty pound." }, { "source": "e2e", "text": "The Wrestlers is a restaurant that provides Japanese food for a high cost. The restaurant is located by the margin of the river, next to Raja Indian Cuisine." }, { "source": "e2e", "text": "The Wrestlers, located by the margin of the river, next to Raja Indian Cuisine, is a high cost restaurant that provides Japanese food." } ] }, { "tripleset": [ [ "The Wrestlers", "eatType", "restaurant" ], [ "The Wrestlers", "food", "Japanese" ], [ "The Wrestlers", "priceRange", "cheap" ], [ "The Wrestlers", "area", "riverside" ], [ "The Wrestlers", "familyFriendly", "yes" ], [ "The Wrestlers", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "Nearby Raja Indian Cuisine in Riverside, is a Japanese food restaurant called The Wrestlers. It is relatively inexpensive and also kids friendly." }, { "source": "e2e", "text": "The Wrestlers is a Japanese food restaurant, located in the Riverside area nearby Raja Indian Cuisine. It is relatively inexpensive and also kids friendly." }, { "source": "e2e", "text": "In riverside, near Raja Indian Cuisine, there is a Japanese restaurant called The Wrestlers that offers cheap food and a child-friendly atmosphere." }, { "source": "e2e", "text": "The Wrestlers is the name of a family-friendly restaurant on the riverside near Raja Indian Cuisine. It serves Japanese food for cheap prices." }, { "source": "e2e", "text": "The Wrestlers is a cheap restaurant in riverside where you can find Japanese food in a child-friendly environment. Look for it near Raja Indian Cuisine." }, { "source": "e2e", "text": "There is a low-priced and family-friendly restaurant on the riverside that serves Japanese food. It is called The Wrestlers and is located near Raja Indian Cuisine." }, { "source": "e2e", "text": "There is a cheap family friendly Japanese restaurant, The Wrestlers in Riverside, near Raja Indian Cuisine." }, { "source": "e2e", "text": "The Wrestlers is a low priced family friendly Japanese restaurant in Riverside, near Raja Indian Cuisine." } ] }, { "tripleset": [ [ "The Wrestlers", "eatType", "restaurant" ], [ "The Wrestlers", "food", "Japanese" ], [ "The Wrestlers", "priceRange", "high" ], [ "The Wrestlers", "area", "riverside" ], [ "The Wrestlers", "familyFriendly", "yes" ], [ "The Wrestlers", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "There is a high price range Japanese restaurant in Riverside near Raja Indian Cuisine that is child friendly called The Wrestlers" }, { "source": "e2e", "text": "Near the Raja Indian Cuisine is children-friendly in the riverside area. It is a restaurant with Japanese food with a high price range named The Wrestlers." }, { "source": "e2e", "text": "The Wrestlers is a restaurant who is child friendly that sells Japanese food within a high price range near Raja Indian Cuisine at Riverside." }, { "source": "e2e", "text": "The Wrestlers located near Raja Indian Cuisine in riverside is a high prices but child friendly Japanese restaurant." }, { "source": "e2e", "text": "Near the Raja Indian Cuisine is children-friendly in the riverside area. It is a restaurant with Japanese food with a high price range named The Wrestlers." } ] }, { "tripleset": [ [ "The Wrestlers", "eatType", "restaurant" ], [ "The Wrestlers", "food", "Japanese" ], [ "The Wrestlers", "priceRange", "less than \u00a320" ], [ "The Wrestlers", "area", "city centre" ], [ "The Wrestlers", "familyFriendly", "no" ], [ "The Wrestlers", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "Japanese restaurant, The Wrestlers is located in the city centre near Raja Indian Cuisine. It has a price range of less than \u00a320 and is not family-friendly." }, { "source": "e2e", "text": "The Wrestlers is a restaurant serving Japanese food and is located near Raja Indian Cuisine and the city center. It is non-family-friendly and is less than 20 pounds in price range." }, { "source": "e2e", "text": "The Wrestlers Japanese restaurant near Raja Indian Cuisine in the city centre has a price range of less than \u00a320 and is not family-friendly." }, { "source": "e2e", "text": "The Wrestlers restaurant is non-family-friendly and in the less than 20 pound price range. The food is Japanese and it is located near the city center and Raja Indian Cuisine." } ] }, { "tripleset": [ [ "The Wrestlers", "eatType", "restaurant" ], [ "The Wrestlers", "food", "Japanese" ], [ "The Wrestlers", "priceRange", "less than \u00a320" ], [ "The Wrestlers", "area", "city centre" ], [ "The Wrestlers", "familyFriendly", "yes" ], [ "The Wrestlers", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "Near Raja Indian Cuisine in the city centre you can find The Wrestlers, a moderately priced restaurant of the Japanese style that unfortunately does not openly welcome families with children." }, { "source": "e2e", "text": "The city centre has Japanese food via a restaurant, The Wrestlers. family-friendly and less than \u00a320, this eatery is located near Raja Indian Cuisine." }, { "source": "e2e", "text": "If looking for a family-friendly restaurant, The Wrestlers is located in the city centre near Raja Indian Cuisine. The price range is less than \u00a320 for Japanese food." } ] }, { "tripleset": [ [ "The Wrestlers", "eatType", "restaurant" ], [ "The Wrestlers", "food", "Japanese" ], [ "The Wrestlers", "priceRange", "less than \u00a320" ], [ "The Wrestlers", "area", "riverside" ], [ "The Wrestlers", "familyFriendly", "no" ], [ "The Wrestlers", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Wrestlers restaurant serves Japanese food. It is situated near Raja Indian Cuisine at the riverside. Prices are less than \u00a320. It is not family-friendly." }, { "source": "e2e", "text": "The Wrestlers near the Raja Indian Cuisine on the riverside is a Japanese restaurant. No families. Its prices are within the less than \u00a320 range." }, { "source": "e2e", "text": "The Wrestlers is a Japanese restaurant near Raja Indian Cuisine on the riverside. Its prices lie within the less than \u00a320 range. No families." }, { "source": "e2e", "text": "The Wrestlers is a restaurant serving Japanese food. It is situated near Raja Indian Cuisine at the riverside. Prices are less than \u00a320. Not family-friendly." } ] }, { "tripleset": [ [ "The Wrestlers", "eatType", "restaurant" ], [ "The Wrestlers", "food", "Japanese" ], [ "The Wrestlers", "priceRange", "less than \u00a320" ], [ "The Wrestlers", "area", "riverside" ], [ "The Wrestlers", "familyFriendly", "yes" ], [ "The Wrestlers", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Wrestlers, a Japanese restaurant near Raja Indian Cuisine, offers family friendly riverside dining for less than \u00a320." }, { "source": "e2e", "text": "Named The Wrestlers is a Japanese food restaurant and is near The Raja Indian Cuisine int he riverside area prices ranging from less than \u00a320 and is family friendly" }, { "source": "e2e", "text": "The Wrestlers is a family friendly restaurant located near Raja Indian Cuisine, in riverside. They offer Japanese food for under \u00a320." }, { "source": "e2e", "text": "For under \u00a320, The Wrestlers restaurant, located near Raja Indian Cuisine, delivers Japanese food in a riverside, family friendly environment." }, { "source": "e2e", "text": "The Wrestlers is a restaurant that is family friendly, moderately priced Japanese food close to Raja Indian Cuisine in riverside." }, { "source": "e2e", "text": "Name The Wrestlers in the riverside area at a price range of less than \u00a320 it is a family friendly restaurant near the Raja Indian Cuisine serving Japanese food" }, { "source": "e2e", "text": "The riverside Japanese restaurant, The Wrestlers, is located near Raja Indian Cuisine and offers a family friendly environment with an under \u00a320 price range." } ] }, { "tripleset": [ [ "The Wrestlers", "eatType", "restaurant" ], [ "The Wrestlers", "food", "Japanese" ], [ "The Wrestlers", "priceRange", "moderate" ], [ "The Wrestlers", "area", "city centre" ], [ "The Wrestlers", "familyFriendly", "no" ], [ "The Wrestlers", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Wrestlers is a restaurant with a moderate price range that has Japanese food and is located in city centre near Raja Indian Cuisine and is not kid friendly." }, { "source": "e2e", "text": "A restaurant that The Wrestlers eat at, with a moderate price range, serves Japanese cuisine, but is not kid friendly and is located near Raja Indian Cuisine in the city centre area." }, { "source": "e2e", "text": "The Wrestlers is a moderately priced restaurant in the city centre near Raja Indian Cuisine. It serves Japanese food and it is not kids friendly." }, { "source": "e2e", "text": "There's a restaurant that The Wrestlers go to, with a moderate price range, serving Japanese food. This restaurant is not kid friendly and is located near Raja Indian Cuisine in the city centre area." }, { "source": "e2e", "text": "The Wrestlers is a restaurant with a moderate price range that has Japanese food and is located in city centre near Raja Indian Cuisine and is not kid friendly." }, { "source": "e2e", "text": "An option for Japanese food in the city centre area is The Wrestlers restaurant located next to Raja Indian Cuisine. This is not a family-friendly restaurant. This restaurant has an average-priced menu." } ] }, { "tripleset": [ [ "The Wrestlers", "eatType", "restaurant" ], [ "The Wrestlers", "food", "Japanese" ], [ "The Wrestlers", "priceRange", "moderate" ], [ "The Wrestlers", "area", "city centre" ], [ "The Wrestlers", "familyFriendly", "yes" ], [ "The Wrestlers", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Wrestlers restaurant is located near Raja Indian Cuisine in the city centre area. It serves Japanese food in the moderate price range and is child friendly" }, { "source": "e2e", "text": "In the city centre near Raja Indian Cuisine is The Wrestlers. It is a kids friendly restaurant serving moderately priced Japanese food." }, { "source": "e2e", "text": "The Wrestlers restaurant is located near Raja Indian Cuisine in the city centre area. It serves Japanese food in the moderate price range and is child friendly" }, { "source": "e2e", "text": "The Wrestlers is a restaurant that serves kid friendly moderately priced Japanese food and is located near Raja Indian Cuisine near the city centre." }, { "source": "e2e", "text": "The Wrestlers is a kids friendly restaurant they serves Japanese food. It has a moderate price range and is in the city centre near Raja Indian Cuisine." } ] }, { "tripleset": [ [ "The Wrestlers", "eatType", "restaurant" ], [ "The Wrestlers", "food", "Japanese" ], [ "The Wrestlers", "priceRange", "moderate" ], [ "The Wrestlers", "area", "city centre" ], [ "The Wrestlers", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "There is a moderately priced restaurant called The Wrestlers in the centre of the city near Raja Indian Cuisine. It serves Japanese food and kids are not welcomed." }, { "source": "e2e", "text": "Japanese food can be found in the city centre area at The Wrestlers restaurant. This average-priced option is not a good location to bring children. This restaurant can be found next to Raja Indian Cuisine." } ] }, { "tripleset": [ [ "The Wrestlers", "eatType", "restaurant" ], [ "The Wrestlers", "food", "Japanese" ], [ "The Wrestlers", "priceRange", "moderate" ], [ "The Wrestlers", "area", "riverside" ], [ "The Wrestlers", "familyFriendly", "no" ], [ "The Wrestlers", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "Near Raja Indian Cuisine in Riverside is The Wrestlers. It is a Japanese restaurant, has reasonable prices but is not kid friendly." }, { "source": "e2e", "text": "By the riverside, near Raja Indian Cuisine, there is a Japanese restaurant named The Wrestlers. It is not kid-friendly, and is in the moderate price range." }, { "source": "e2e", "text": "The Wrestlers is a moderately priced Japanese restaurant in the riverside area, near Raja Indian Cuisine. This restaurant is not kid friendly." }, { "source": "e2e", "text": "The Wrestlers is a restaurant providing Japanese food in the moderate price range. It is located in the riverside area near Raja Indian Cuisine adults only" }, { "source": "e2e", "text": "The Wrestlers is a Japanese restaurant located by the riverside, near Raja Indian Cuisine. It is moderately-priced and not kid-friendly." }, { "source": "e2e", "text": "The Wrestlers is a restaurant providing Japanese food in the moderate price range. It is located in the riverside area near Raja Indian Cuisine adults only" } ] }, { "tripleset": [ [ "The Wrestlers", "eatType", "restaurant" ], [ "The Wrestlers", "food", "Japanese" ], [ "The Wrestlers", "priceRange", "moderate" ], [ "The Wrestlers", "area", "riverside" ], [ "The Wrestlers", "familyFriendly", "yes" ], [ "The Wrestlers", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Wrestlers is a moderately priced Japanese restaurant offering a child friendly environment. They are located in riverside near Raja Indian Cuisine." }, { "source": "e2e", "text": "In riverside you can find a Japanese restaurant of moderate price called The Wrestlers. They offer a child friendly environment and can be found near Raja Indian Cuisine." }, { "source": "e2e", "text": "The Wrestlers is a moderately priced, family friendly Japanese restaurant in Riverside, near Raja Indian Cuisine." }, { "source": "e2e", "text": "There is a Japanese, family friendly restaurant in Riverside near Raja Indian Cuisine called The Wrestlers and is moderately priced." } ] }, { "tripleset": [ [ "The Wrestlers", "eatType", "restaurant" ], [ "The Wrestlers", "food", "Japanese" ], [ "The Wrestlers", "priceRange", "moderate" ], [ "The Wrestlers", "area", "riverside" ], [ "The Wrestlers", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "Located near Raja Indian Cuisine in Riverside, The Wrestlers is a Japanese restaurant that serves moderately priced food. They received a 1 out of 4 customer rating." } ] }, { "tripleset": [ [ "The Wrestlers", "eatType", "restaurant" ], [ "The Wrestlers", "food", "Japanese" ], [ "The Wrestlers", "priceRange", "more than \u00a330" ], [ "The Wrestlers", "area", "city centre" ], [ "The Wrestlers", "familyFriendly", "no" ], [ "The Wrestlers", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Wrestlers is a restaurant that offers Japanese food for more than \u00a330. It is located in the city centre near Raja Indian Cuisine and is not child friendly." }, { "source": "e2e", "text": "Near Raja Indian Cuisine in the city centre is a Japanese restaurant called The Wrestlers. It has a price range of more than \u00a330 and is not kid-friendly." }, { "source": "e2e", "text": "In the city centre there is a restaurant with Japanese food named The Wrestlers. It costs more than \u00a330 and is located near Raja Indian Cuisine, and it is not child friendly." }, { "source": "e2e", "text": "The Wrestlers is located near Raja Indian Cuisine in the city centre. It is a Japanese restaurant with a price range of more than \u00a330 and is not kid-friendly." } ] }, { "tripleset": [ [ "The Wrestlers", "eatType", "restaurant" ], [ "The Wrestlers", "food", "Japanese" ], [ "The Wrestlers", "priceRange", "more than \u00a330" ], [ "The Wrestlers", "area", "city centre" ], [ "The Wrestlers", "familyFriendly", "yes" ], [ "The Wrestlers", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Wrestlers, located in the city centre, near Raja Indian Cuisine, is a Japanese restaurant and restaurant. It is children friendly with a price range of more than \u00a330." }, { "source": "e2e", "text": "The Wrestlers is a children friendly restaurant with a price range of more than \u00a330. It also serves Japanese food and is located in the city centre near Raja Indian Cuisine." } ] }, { "tripleset": [ [ "The Wrestlers", "eatType", "restaurant" ], [ "The Wrestlers", "food", "Japanese" ], [ "The Wrestlers", "priceRange", "more than \u00a330" ], [ "The Wrestlers", "area", "riverside" ], [ "The Wrestlers", "familyFriendly", "no" ], [ "The Wrestlers", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "In the riverside area near Raja Indian Cuisine, The Wrestlers restaurant is not children friendly. Our price range is more than \u00a330 and we offer Japanese food." }, { "source": "e2e", "text": "Japanese food at The Wrestlers restaurant features a price range of more than \u00a330. Located in the riverside area near Raja Indian Cuisine. We are not children friendly." } ] }, { "tripleset": [ [ "The Wrestlers", "eatType", "restaurant" ], [ "The Wrestlers", "food", "Japanese" ], [ "The Wrestlers", "priceRange", "more than \u00a330" ], [ "The Wrestlers", "area", "riverside" ], [ "The Wrestlers", "familyFriendly", "yes" ], [ "The Wrestlers", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "An expensive and child friendly Japanese restaurant in riverside is The Wrestlers. It is near Raja Indian Cuisine." }, { "source": "e2e", "text": "There is a children friendly Japanese restaurant called The Wrestlers which is located near Raja Indian Cuisine in riverside. The price range is more than \u00a330." }, { "source": "e2e", "text": "The Wrestlers is a Japanese restaurant in riverside near Raja Indian Cuisine. It is expensive and child friendly." }, { "source": "e2e", "text": "The Wrestlers is a Japanese restaurant near Raja Indian Cuisine in riverside. It is children friendly and the price range is more than \u00a330." }, { "source": "e2e", "text": "Located near Raja Indian Cuisine in the riverside area is an eat type restaurant called the The Wrestlers is a children friendly that serves Japanese food and has a price range more than 30 euros." } ] }, { "tripleset": [ [ "The Wrestlers", "eatType", "restaurant" ], [ "The Wrestlers", "food", "Japanese" ], [ "The Wrestlers", "priceRange", "more than \u00a330" ], [ "The Wrestlers", "familyFriendly", "yes" ], [ "The Wrestlers", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "Near Raja Indian Cuisine is a Japanese restaurant and restaurant named The Wrestlers. It has a price range of more than \u00a330 and is kid-friendly." } ] }, { "tripleset": [ [ "The Wrestlers", "eatType", "restaurant" ], [ "The Wrestlers", "food", "Japanese" ], [ "The Wrestlers", "priceRange", "\u00a320-25" ], [ "The Wrestlers", "area", "riverside" ], [ "The Wrestlers", "familyFriendly", "yes" ], [ "The Wrestlers", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "Near Raja Indian Cuisine by riverside, there's a restaurant selling Japanese food. It's called The Wrestlers, it's kid friendly and costs around \u00a320-25." }, { "source": "e2e", "text": "Near Raja Indian Cuisine in the riverside area is a Japanese restaurant called The Wrestlers. It is average-priced and kids friendly." }, { "source": "e2e", "text": "The Wrestlers is a restaurant serving Japanese food near Raja Indian Cuisine in the riverside area. It is kids friendly and in the \u00a320-25 price range." }, { "source": "e2e", "text": "The Wrestlers restaurant serving Japanese food is located near Raja Indian Cuisine by the riverside. You can eat there for average price, and children are welcome." }, { "source": "e2e", "text": "The children friendly restaurant called The Wrestlers can be found by the riverside near Raja Indian Cuisine. It serves Japanese food in average price range." } ] }, { "tripleset": [ [ "The Wrestlers", "eatType", "restaurant" ], [ "The Wrestlers", "food", "Japanese" ], [ "The Wrestlers", "priceRange", "\u00a320-25" ], [ "The Wrestlers", "area", "riverside" ], [ "The Wrestlers", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Wrestlers sells Japanese food for \u00a320-25. It's a restaurant near Raja Indian Cuisine by riverside." } ] }, { "tripleset": [ [ "The Wrestlers", "eatType", "restaurant" ], [ "The Wrestlers", "food", "Japanese" ], [ "The Wrestlers", "priceRange", "\u00a320-25" ], [ "The Wrestlers", "familyFriendly", "yes" ], [ "The Wrestlers", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "With prices ranging \u00a320-25, The Wrestlers restaurant can be found near Raja Indian Cuisine. The Wrestlers is kid-friendly and serves Japanese fare." } ] }, { "tripleset": [ [ "The Wrestlers", "eatType", "restaurant" ], [ "The Wrestlers", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "There is a fairly priced restaurant near Raja Indian Cuisine that serves sushi and is called The Wrestlers." }, { "source": "e2e", "text": "The Wrestlers is a high end restaurant that is located next to Raja Indian Cuisine." } ] }, { "tripleset": [ [ "The Wrestlers", "eatType", "restaurant" ], [ "The Wrestlers", "priceRange", "less than \u00a320" ], [ "The Wrestlers", "area", "city centre" ], [ "The Wrestlers", "familyFriendly", "yes" ], [ "The Wrestlers", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Wrestlers is a family-friendly restaurant in the northern City Centre next to Raja Indian Cuisine with a low price range." }, { "source": "e2e", "text": "The Wrestlers is a family-friendly restaurant with a low price range in the northern City Centre next to Raja Indian Cuisine." } ] }, { "tripleset": [ [ "The Wrestlers", "eatType", "restaurant" ], [ "The Wrestlers", "priceRange", "less than \u00a320" ], [ "The Wrestlers", "area", "riverside" ], [ "The Wrestlers", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Wrestlers restaurant. It is located in riverside area near Raja Indian Cuisine. Start from low price and friend-family too." }, { "source": "e2e", "text": "The Wrestlers is a restaurant. It is located in riverside area near Raja Indian Cuisine. Start from low price and friend-family too." }, { "source": "e2e", "text": "The Wrestlers is a low-priced restaurant, located near the river. Raja Indian Cuisine is nearby." } ] }, { "tripleset": [ [ "The Wrestlers", "eatType", "restaurant" ], [ "The Wrestlers", "priceRange", "less than \u00a320" ], [ "The Wrestlers", "familyFriendly", "no" ], [ "The Wrestlers", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Wrestlers is a restaurant close to Raja Indian Cuisine with low prices and not family friendly." }, { "source": "e2e", "text": "A low priced restaurant called The Wrestlers is not suitable for families. It is next to the Raja Indian Cuisine." }, { "source": "e2e", "text": "The Wrestlers is a non family friendly, low priced restaurant located next to Raja Indian Cuisine." }, { "source": "e2e", "text": "Next to Raja Indian Cuisine there is a non family friendly restaurant, it is called The Wrestlers and is low priced." } ] }, { "tripleset": [ [ "The Wrestlers", "eatType", "restaurant" ], [ "The Wrestlers", "priceRange", "less than \u00a320" ], [ "The Wrestlers", "familyFriendly", "yes" ], [ "The Wrestlers", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "A low priced restaurant next to Raja Indian Cuisine is called The Wrestlers. It is a family friendly place that offers sushi." }, { "source": "e2e", "text": "The Wrestlers restaurant is a low-priced, family friendly sushi restaurant located close to Raja Indian Cuisine." }, { "source": "e2e", "text": "The Wrestlers is a restaurant next to Raja Indian Cuisine that offers sushi. It is family friendly and is low priced." } ] }, { "tripleset": [ [ "The Wrestlers", "eatType", "restaurant" ], [ "The Wrestlers", "priceRange", "less than \u00a320" ], [ "The Wrestlers", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Wrestlers is a low-priced restaurant near Raja Indian Cuisine that provides pasta." }, { "source": "e2e", "text": "The Wrestlers is a restaurant that provides pasta in the low price range. It is near Raja Indian Cuisine." }, { "source": "e2e", "text": "The Wrestlers is located close to Raja Indian Cuisine. They are a restaurant with low prices." }, { "source": "e2e", "text": "The Wrestlers is a restaurant located near Raja Indian Cuisine that serves pasta in the low price range. Public restrooms available." }, { "source": "e2e", "text": "The Wrestlers is a restaurant in the low price range that serves pasta. It is located near Raja Indian Cuisine and has a public restroom." }, { "source": "e2e", "text": "The Wrestlers, located near Raja Indian Cuisine, is a low-priced restaurant that does not cater to families of small children." } ] }, { "tripleset": [ [ "The Wrestlers", "eatType", "restaurant" ], [ "The Wrestlers", "priceRange", "moderate" ], [ "The Wrestlers", "area", "city centre" ], [ "The Wrestlers", "familyFriendly", "no" ], [ "The Wrestlers", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Wrestlers is a moderate price ranged restaurant located near Raja Indian Cuisine in City centre and is not family friendly." } ] }, { "tripleset": [ [ "The Wrestlers", "eatType", "restaurant" ], [ "The Wrestlers", "priceRange", "moderate" ], [ "The Wrestlers", "area", "city centre" ], [ "The Wrestlers", "familyFriendly", "yes" ], [ "The Wrestlers", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Wrestlers is a moderately priced restaurant that serves kid friendly food and is located at the city centre near Raja Indian Cuisine." } ] }, { "tripleset": [ [ "The Wrestlers", "eatType", "restaurant" ], [ "The Wrestlers", "priceRange", "moderate" ], [ "The Wrestlers", "area", "riverside" ], [ "The Wrestlers", "familyFriendly", "no" ], [ "The Wrestlers", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "Average priced food at The Wrestlers restaurant. Located near Raja Indian Cuisine on the river. No Families, Sorry" } ] }, { "tripleset": [ [ "The Wrestlers", "eatType", "restaurant" ], [ "The Wrestlers", "priceRange", "moderate" ], [ "The Wrestlers", "area", "riverside" ], [ "The Wrestlers", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Wrestlers is a moderately priced restaurant in riverside, located near Raja Indian Cuisine." } ] }, { "tripleset": [ [ "The Wrestlers", "eatType", "restaurant" ], [ "The Wrestlers", "priceRange", "moderate" ], [ "The Wrestlers", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "There is an average priced restaurant near Raja Indian Cuisine called The Wrestlers." }, { "source": "e2e", "text": "The Wrestlers restaurant is located near Raja Indian Cuisine. It is in the average price range." } ] }, { "tripleset": [ [ "The Wrestlers", "eatType", "restaurant" ], [ "The Wrestlers", "priceRange", "more than \u00a330" ], [ "The Wrestlers", "area", "city centre" ], [ "The Wrestlers", "familyFriendly", "no" ], [ "The Wrestlers", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "There is a restaurant named The Wrestlers close to Raja Indian Cuisine in city centre where prices are more than \u00a330 and is not children friendly." }, { "source": "e2e", "text": "The Wrestlers is a restaurant close to Raja Indian Cuisine in city centre where prices are more than \u00a330 and is not children friendly." } ] }, { "tripleset": [ [ "The Wrestlers", "eatType", "restaurant" ], [ "The Wrestlers", "priceRange", "more than \u00a330" ], [ "The Wrestlers", "familyFriendly", "yes" ], [ "The Wrestlers", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Wrestlers is a high-priced and family friendly restaurant that is located next to Raja Indian Cuisine." }, { "source": "e2e", "text": "The Wrestlers is an expensive family friendly restaurant north of the city, near Raja Indian Cuisine." } ] }, { "tripleset": [ [ "The Wrestlers", "food", "Italian" ], [ "The Wrestlers", "area", "city centre" ], [ "The Wrestlers", "familyFriendly", "yes" ], [ "The Wrestlers", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Wrestlers is a fun and competitive Food Establishment in the mid-range for Italian fare. It is kid-friendly and located near Raja Indian Cuisine near City Centre." }, { "source": "e2e", "text": "The Wrestlers is a fun and competitive Food Establishment in the mid-range for Italian fare. It is kid-friendly and located near Raja Indian Cuisine near City Centre." } ] }, { "tripleset": [ [ "The Wrestlers", "food", "Japanese" ], [ "The Wrestlers", "priceRange", "less than \u00a320" ], [ "The Wrestlers", "area", "riverside" ], [ "The Wrestlers", "familyFriendly", "yes" ], [ "The Wrestlers", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "Near Raja Indian Cuisine along the riverside is a family friendly, less than \u00a320 Japanese food place, The Wrestlers." }, { "source": "e2e", "text": "Near Raja Indian Cuisine along the riverside is a family friendly, less than \u00a320 Japanese food place, The Wrestlers." } ] }, { "tripleset": [ [ "The Wrestlers", "food", "Japanese" ], [ "The Wrestlers", "priceRange", "moderate" ], [ "The Wrestlers", "area", "riverside" ], [ "The Wrestlers", "familyFriendly", "no" ], [ "The Wrestlers", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Wrestlers is across from Raja Indian Cuisine in Riverside. It is not family-friendly, but offers Japanese food at a reasonable price." }, { "source": "e2e", "text": "The Wrestlers is across from Raja Indian Cuisine in Riverside. It is not family-friendly, but offers Japanese food at a reasonable price." } ] }, { "tripleset": [ [ "Wildwood", "eatType", "coffee shop" ], [ "Wildwood", "area", "city centre" ], [ "Wildwood", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "Wildwood is a coffee located in the city centre, near of the Raja Indian Cuisine." }, { "source": "e2e", "text": "Wildwood is a coffee located in the city centre, near of the Raja Indian Cuisine." } ] }, { "tripleset": [ [ "Wildwood", "eatType", "coffee shop" ], [ "Wildwood", "area", "riverside" ] ], "annotations": [ { "source": "e2e", "text": "A coffee shop named Wildwood is located at the riverside." }, { "source": "e2e", "text": "A coffee shop near the river is Wildwood." }, { "source": "e2e", "text": "Wildwood is a coffee shop located in riverside" }, { "source": "e2e", "text": "In the riverside area there is a coffee shop named Wildwood." } ] }, { "tripleset": [ [ "Wildwood", "eatType", "pub" ], [ "Wildwood", "food", "Indian" ], [ "Wildwood", "area", "city centre" ], [ "Wildwood", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "Located near Raja Indian Cuisine the pub Wildwood serves Indian food and coffee to families of all ages in the city centre" } ] }, { "tripleset": [ [ "Wildwood", "eatType", "restaurant" ], [ "Wildwood", "food", "Indian" ], [ "Wildwood", "area", "city centre" ], [ "Wildwood", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "Located near Raja Indian Cuisine the restaurant Wildwood serves Indian food and coffee to families of all ages in the city centre" } ] }, { "tripleset": [ [ "Wildwood", "eatType", "pub" ], [ "Wildwood", "area", "city centre" ], [ "Wildwood", "familyFriendly", "no" ], [ "Wildwood", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "Wildwood is an adult only pub located near Raja Indian Cuisine and north of City centre." } ] }, { "tripleset": [ [ "Wildwood", "eatType", "pub" ], [ "Wildwood", "area", "riverside" ] ], "annotations": [ { "source": "e2e", "text": "A pub named Wildwood is located at the riverside." }, { "source": "e2e", "text": "A pub near the river is Wildwood." }, { "source": "e2e", "text": "Wildwood is a pub located in riverside" }, { "source": "e2e", "text": "In the riverside area there is a pub named Wildwood." } ] }, { "tripleset": [ [ "Wildwood", "eatType", "pub" ], [ "Wildwood", "area", "riverside" ], [ "Wildwood", "familyFriendly", "yes" ], [ "Wildwood", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Wildwood pub is in the riverside area near the Raja Indian Cuisine and is kids friendly." }, { "source": "e2e", "text": "Wildwood is located in riverside near the Raja Indian Cuisine. It is a kid friendly pub that serves Indiana food." } ] }, { "tripleset": [ [ "Wildwood", "eatType", "pub" ], [ "Wildwood", "food", "French" ], [ "Wildwood", "area", "riverside" ], [ "Wildwood", "familyFriendly", "yes" ], [ "Wildwood", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "Wildwood is a children-friendly riverside pub that you can also get French food in, it is located near the Raja Indian Cuisine." }, { "source": "e2e", "text": "Wildwood is a French pub near Raja Indian Cuisine in riverside. it is family-Friendly." }, { "source": "e2e", "text": "A kid friendly pub near Raja Indian Cuisine in the riverside area named Wildwood serves French food." }, { "source": "e2e", "text": "In riverside near the Raja Indian Cuisine, there is a venue called Wildwood. It is a French pub that is family friendly." }, { "source": "e2e", "text": "In riverside, near the Raja Indian Cuisine, is a pub called Wildwood. They offer French food and a child-friendly environment the whole family can enjoy." }, { "source": "e2e", "text": "Wildwood is a kid friendly French pub in the riverside area near the Raja Indian Cuisine." }, { "source": "e2e", "text": "Located near the Raja Indian Cuisine, in the riverside area is Wildwood. This is a family friendly pub that offers French food." }, { "source": "e2e", "text": "Wildwood is a family friendly pub, offering French food, located in the riverside area near Raja Indian Cuisine." }, { "source": "e2e", "text": "Wildwood is a French pub in riverside. It is convenient to the Raja Indian Cuisine, and offer a child-friendly environment." }, { "source": "e2e", "text": "Wildwood is a kid friendly pub serving French food near Raja Indian Cuisine in the riverside area." }, { "source": "e2e", "text": "Wildwood, a French pub, which is child-friendly, is located near Raja Indian Cuisine in the riverside area." }, { "source": "e2e", "text": "Wildwood is a family friendly French pub located on the riverside near Raja Indian Cuisine." }, { "source": "e2e", "text": "A French pub in the riverside area is Wildwood. It is family friendly and located near Raja Indian Cuisine." }, { "source": "e2e", "text": "There is a French pub in riverside called Wildwood. It is child friendly and located near the Raja Indian Cuisine" }, { "source": "e2e", "text": "in riverside near Raja Indian Cuisine is Wildwood, a family-Friendly French pub." }, { "source": "e2e", "text": "Near the Raja Indian Cuisine in the riverside area is a kid-friendly pub with French food. It is the Wildwood." }, { "source": "e2e", "text": "Wildwood is a family friendly French pub in the riverside area, near Raja Indian Cuisine." }, { "source": "e2e", "text": "Near the Raja Indian Cuisine on the riverside is a family friendly French pub called Wildwood." }, { "source": "e2e", "text": "There is a children friendly pub serving French food called Wildwood. It is located near the Raja Indian Cuisine in the riverside area" }, { "source": "e2e", "text": "Wildwood is a pub in Riverside, near Raja Indian Cuisine. It serves French food and is family-friendly." }, { "source": "e2e", "text": "The Wildwood pub serves French food and is situated in the riverside area near the Raja Indian Cuisine and is kids friendly." }, { "source": "e2e", "text": "Riverside pub, The Wildwood features French cuisine is family friendly and is located near the Raja Indian Cuisine" }, { "source": "e2e", "text": "Riverside has a children friendly French pub called Wildwood. The shop is near Raja Indian Cuisine." }, { "source": "e2e", "text": "Wildwood at riverside near Raja Indian Cuisine is a pub that is children friendly and serves French food." }, { "source": "e2e", "text": "Located in riverside near the Raja Indian Cuisine the Wildwood is a pub offering French food and is very kid friendly" }, { "source": "e2e", "text": "The Wildwood is a kid-friendly pub near the Raja Indian Cuisine in the riverside area. It serves French food." }, { "source": "e2e", "text": "Wildwood is a French pub and kid friendly, is located near Raja Indian Cuisine, in the riverside area." }, { "source": "e2e", "text": "Wildwood is a child friendly French pub in riverside located near the Raja Indian Cuisine" } ] }, { "tripleset": [ [ "Wildwood", "eatType", "pub" ], [ "Wildwood", "food", "French" ], [ "Wildwood", "area", "riverside" ], [ "Wildwood", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "A amazing French pub is called the Wildwood. The pub is near the Raja Indian Cuisine in riverside. They love kids." }, { "source": "e2e", "text": "The Wildwood is a riverside French pub known for its popularity with kids. It is located near the Raja Indian Cuisine." } ] }, { "tripleset": [ [ "Wildwood", "eatType", "pub" ], [ "Wildwood", "food", "French" ], [ "Wildwood", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "Wildwood is a pub located near Raja Indian Cuisine where you can eat French food and your children will be welcome." } ] }, { "tripleset": [ [ "Wildwood", "eatType", "pub" ], [ "Wildwood", "food", "Indian" ], [ "Wildwood", "area", "city centre" ], [ "Wildwood", "familyFriendly", "no" ], [ "Wildwood", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "There's a pub that serves Indian food in the city centre, Wildwood. It's down near Raja Indian Cuisine, although it doesn't allow kids." }, { "source": "e2e", "text": "In the city centre, near the Raja Indian Cuisine, lies the Wildwood. It is a pub which also offers Indian food. The venue is not family friendly." }, { "source": "e2e", "text": "The pub, Wildwood in the city centre near Raja Indian Cuisine serves some Indian dishes. It's adults only but." }, { "source": "e2e", "text": "Located near Raja Indian Cuisine in city centre is a pub named Wildwood. This pub provides Indian food and is not family friendly." }, { "source": "e2e", "text": "There is a pub named Wildwood in the city centre that provides Indian food near Raja Indian Cuisine and they are not family friendly." }, { "source": "e2e", "text": "There is a non-family friendly pub called Wildwood in the city centre, near Raja Indian Cuisine, which serves Indian food." }, { "source": "e2e", "text": "pub and Indian food venue, Wildwood, is located in the city centre near the Raja Indian Cuisine and is not considered family friendly." } ] }, { "tripleset": [ [ "Wildwood", "eatType", "pub" ], [ "Wildwood", "food", "Indian" ], [ "Wildwood", "area", "city centre" ], [ "Wildwood", "familyFriendly", "yes" ], [ "Wildwood", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "Located near the city centre and Raja Indian Cuisine the Wildwood is a family friendly Indian pub." }, { "source": "e2e", "text": "Wildwood is in the city centre area near Raja Indian Cuisine. It is a pub that serves Indian food and is family Friendly." }, { "source": "e2e", "text": "Wildwood is a pub that serves Indian food in the city centre. It is family Friendly and is near the Raja Indian Cuisine." }, { "source": "e2e", "text": "The Wildwood is a family friendly Indian pub located near the Raja Indian Cuisine and city centre." } ] }, { "tripleset": [ [ "Wildwood", "eatType", "pub" ], [ "Wildwood", "food", "Indian" ], [ "Wildwood", "area", "riverside" ], [ "Wildwood", "familyFriendly", "no" ], [ "Wildwood", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "Wildwood is a pub and Indian food pub located in the riverside area near the Raja Indian Cuisine. It is not family friendly." }, { "source": "e2e", "text": "Wildwood is an Indian pub near the Raja Indian Cuisine. It is not family-friendly and is located riverside." }, { "source": "e2e", "text": "Located in the riverside area near the Raja Indian Cuisine, Wildwood offers Indian food and a pub. It is not family friendly." } ] }, { "tripleset": [ [ "Wildwood", "eatType", "pub" ], [ "Wildwood", "food", "Indian" ], [ "Wildwood", "area", "riverside" ], [ "Wildwood", "familyFriendly", "yes" ], [ "Wildwood", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "Wildwood is a family friendly pub on the riverside near the Raja Indian Cuisine offering Indian food." }, { "source": "e2e", "text": "Wildwood is a pub that sells Indian food located in riverside near Raja Indian Cuisine. They are children friendly." }, { "source": "e2e", "text": "Wildwood is a kid friendly Indian pub near Raja Indian Cuisine at Riverside." }, { "source": "e2e", "text": "The Wildwood is a family friendly pub that offers Indian food. It is in Riverside and is located near the Raja Indian Cuisine." }, { "source": "e2e", "text": "Wildwood is a pub that serves Indian food in the riverside area. It is family friendly and is located near the Raja Indian Cuisine." }, { "source": "e2e", "text": "At Riverside near Raja Indian Cuisine, Wildwood is a kid friendly Indian pub." }, { "source": "e2e", "text": "The site Wildwood is a pub type, it offers Indian food, is located in Riverside, is ideal for children and friends, and is near Raja Indian Cuisine" }, { "source": "e2e", "text": "The Wildwood is an Indian pub in the riverside area. This pub is very family friendly and is located near the Raja Indian Cuisine." }, { "source": "e2e", "text": "Wildwood is a pub that serves Indian food in the riverside. It is a kid friendly place near the Raja Indian Cuisine." }, { "source": "e2e", "text": "The Wildwood is a child friendly Indian pub. It is located in Riverside next to the Raja Indian Cuisine." }, { "source": "e2e", "text": "The pub serving Indian food on the riverside near the Raja Indian Cuisine is the Wildwood. It is family friendly." }, { "source": "e2e", "text": "Located in riverside is a family friendly Indian pub named Wildwood, this pub is located near the Raja Indian Cuisine." }, { "source": "e2e", "text": "Wildwood is a kid friendly pub. They also serve Indian food. It is located in the riverside area near Raja Indian Cuisine." }, { "source": "e2e", "text": "Wildwood is a children friendly pub that serves Indian food. It is located in riverside near Raja Indian Cuisine." }, { "source": "e2e", "text": "There is a pub called Wildwood located in the riverside area near the Raja Indian Cuisine. It is family friendly and serves Indian food." }, { "source": "e2e", "text": "There is a pub that sells Indian food in riverside near Raja Indian Cuisine named Wildwood. Wildwood is family friendly." }, { "source": "e2e", "text": "There is a pub Wildwood that is located in riverside that serves Indian food. It is children friendly and near Raja Indian Cuisine." } ] }, { "tripleset": [ [ "Wildwood", "eatType", "pub" ], [ "Wildwood", "food", "Indian" ], [ "Wildwood", "area", "riverside" ], [ "Wildwood", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "Wildwood is a pub providing Indian food It is located in the riverside. It is near Raja Indian Cuisine." }, { "source": "e2e", "text": "An adult Indian pub near the Raja Indian Cuisine and located riverside is Wildwood." }, { "source": "e2e", "text": "Wildwood is a pub providing Indian food It is located in the riverside. It is near Raja Indian Cuisine." } ] }, { "tripleset": [ [ "Wildwood", "eatType", "pub" ], [ "Wildwood", "food", "Indian" ], [ "Wildwood", "familyFriendly", "yes" ], [ "Wildwood", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "Wildwood also offers Indian food to go along with the family friendly pub located near Raja Indian Cuisine" }, { "source": "e2e", "text": "A children friendly pub that serves Indian food is Wildwood and is located near Raja Indian Cuisine." }, { "source": "e2e", "text": "Wildwood is a pub that is children friendly that serves Indian food and is near Raja Indian Cuisine." } ] }, { "tripleset": [ [ "Wildwood", "eatType", "pub" ], [ "Wildwood", "food", "Italian" ], [ "Wildwood", "area", "city centre" ], [ "Wildwood", "familyFriendly", "no" ], [ "Wildwood", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "Wildwood is a non family-friendly, Italian pub near Raja Indian Cuisine in the city center." }, { "source": "e2e", "text": "A non family-friendly, Italian pub near Raja Indian Cuisine in the city center is called Wildwood." }, { "source": "e2e", "text": "Wildwood is an Italian pub situated in the city centre, near the Raja Indian Cuisine. It is not family-friendly." }, { "source": "e2e", "text": "Wildwood is a non family-friendly Italian pub located in the city centre, near the Raja Indian Cuisine." } ] }, { "tripleset": [ [ "Wildwood", "eatType", "pub" ], [ "Wildwood", "food", "Italian" ], [ "Wildwood", "area", "city centre" ], [ "Wildwood", "familyFriendly", "yes" ], [ "Wildwood", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "Wildwood is a family oriented pub that serves Italian food. It is located Near Raja Indian Cuisine in City Centre." }, { "source": "e2e", "text": "The family-friendly, Italian food pub, Wildwood, is located in the city centre near the Raja Indian Cuisine." }, { "source": "e2e", "text": "Wildwood is family-friendly pub specializing in Italian cuisine near the Raja Indian Cuisine in the city centre." }, { "source": "e2e", "text": "Wildwood is a family-friendly Italian pub near Raja Indian Cuisine in City Centre." }, { "source": "e2e", "text": "Wildwood is a family-friendly Italian pub in the city centre near Raja Indian Cuisine." }, { "source": "e2e", "text": "Wildwood is a family-friendly Italian pub. It is located in the city centre near Raja Indian Cuisine." } ] }, { "tripleset": [ [ "Wildwood", "eatType", "pub" ], [ "Wildwood", "food", "Italian" ], [ "Wildwood", "area", "riverside" ], [ "Wildwood", "familyFriendly", "no" ], [ "Wildwood", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "Wildwood is a pub located in riverside area near Raja Indian Cuisine. It serves Italian food and It is not family-friendly." }, { "source": "e2e", "text": "Wildwood is a pub serving Italian food. It is not family friendly. It is based in the riverside area near Raja Indian Cuisine." }, { "source": "e2e", "text": "Wildwood is based in the riverside area near Raja Indian Cuisine. It is a pub serving Italian food. It is not family friendly." }, { "source": "e2e", "text": "In riverside area near Raja Indian Cuisine You can visit pub called Wildwood where Italian food is served. It is not a family-friendly place." }, { "source": "e2e", "text": "Wildwood is a pub that serves Italian food located near Raja Indian Cuisine in the area of Riverside. Unfortunately, it is not kid friendly." }, { "source": "e2e", "text": "Wildwood is an Italian pub. It's located near Raja Indian Cuisine in the riverside are and is not family-friendly." } ] }, { "tripleset": [ [ "Wildwood", "eatType", "pub" ], [ "Wildwood", "food", "Italian" ], [ "Wildwood", "area", "riverside" ], [ "Wildwood", "familyFriendly", "yes" ], [ "Wildwood", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "Wildwood near Raja Indian Cuisine in the riverside area is a child friendly Italian pub" } ] }, { "tripleset": [ [ "Wildwood", "eatType", "pub" ], [ "Wildwood", "food", "Italian" ], [ "Wildwood", "area", "riverside" ], [ "Wildwood", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "Near the Raja Indian Cuisine in the riverside area, is the adult Italian pub, Wildwood." } ] }, { "tripleset": [ [ "Wildwood", "eatType", "pub" ], [ "Wildwood", "food", "Italian" ], [ "Wildwood", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "Wildwood is a pub providing Italian food. It is located near of the Raja Indian Cuisine." } ] }, { "tripleset": [ [ "Wildwood", "eatType", "pub" ], [ "Wildwood", "priceRange", "cheap" ], [ "Wildwood", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "There is a low price range pub Wildwood located close to the Raja Indian Cuisine. It has a superb view across the river." }, { "source": "e2e", "text": "Wildwood is a pub in the low price range. It is located close to the Raja Indian Cuisine and has a superb view across the river." } ] }, { "tripleset": [ [ "Wildwood", "eatType", "restaurant" ], [ "Wildwood", "area", "city centre" ], [ "Wildwood", "familyFriendly", "no" ], [ "Wildwood", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "Wildwood is an adult only restaurant located near Raja Indian Cuisine and north of City centre." } ] }, { "tripleset": [ [ "Wildwood", "eatType", "restaurant" ], [ "Wildwood", "area", "riverside" ], [ "Wildwood", "familyFriendly", "yes" ], [ "Wildwood", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "The Wildwood restaurant is in the riverside area near the Raja Indian Cuisine and is kids friendly." }, { "source": "e2e", "text": "Wildwood is located in riverside near the Raja Indian Cuisine. It is a kid friendly restaurant that serves Indiana food." } ] }, { "tripleset": [ [ "Wildwood", "eatType", "restaurant" ], [ "Wildwood", "food", "French" ], [ "Wildwood", "area", "riverside" ], [ "Wildwood", "familyFriendly", "yes" ], [ "Wildwood", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "Wildwood is a children-friendly riverside restaurant that you can also get French food in, it is located near the Raja Indian Cuisine." }, { "source": "e2e", "text": "Wildwood is a French restaurant near Raja Indian Cuisine in riverside. it is family-Friendly." }, { "source": "e2e", "text": "A kid friendly restaurant near Raja Indian Cuisine in the riverside area named Wildwood serves French food." }, { "source": "e2e", "text": "In riverside near the Raja Indian Cuisine, there is a venue called Wildwood. It is a French restaurant that is family friendly." }, { "source": "e2e", "text": "In riverside, near the Raja Indian Cuisine, is a restaurant called Wildwood. They offer French food and a child-friendly environment the whole family can enjoy." }, { "source": "e2e", "text": "Wildwood is a kid friendly French restaurant in the riverside area near the Raja Indian Cuisine." }, { "source": "e2e", "text": "Located near the Raja Indian Cuisine, in the riverside area is Wildwood. This is a family friendly restaurant that offers French food." }, { "source": "e2e", "text": "Wildwood is a family friendly restaurant, offering French food, located in the riverside area near Raja Indian Cuisine." }, { "source": "e2e", "text": "Wildwood is a French restaurant in riverside. It is convenient to the Raja Indian Cuisine, and offer a child-friendly environment." }, { "source": "e2e", "text": "Wildwood is a kid friendly restaurant serving French food near Raja Indian Cuisine in the riverside area." }, { "source": "e2e", "text": "Wildwood, a French restaurant, which is child-friendly, is located near Raja Indian Cuisine in the riverside area." }, { "source": "e2e", "text": "Wildwood is a family friendly French restaurant located on the riverside near Raja Indian Cuisine." }, { "source": "e2e", "text": "A French restaurant in the riverside area is Wildwood. It is family friendly and located near Raja Indian Cuisine." }, { "source": "e2e", "text": "There is a French restaurant in riverside called Wildwood. It is child friendly and located near the Raja Indian Cuisine" }, { "source": "e2e", "text": "in riverside near Raja Indian Cuisine is Wildwood, a family-Friendly French restaurant." }, { "source": "e2e", "text": "Near the Raja Indian Cuisine in the riverside area is a kid-friendly restaurant with French food. It is the Wildwood." }, { "source": "e2e", "text": "Wildwood is a family friendly French restaurant in the riverside area, near Raja Indian Cuisine." }, { "source": "e2e", "text": "Near the Raja Indian Cuisine on the riverside is a family friendly French restaurant called Wildwood." }, { "source": "e2e", "text": "There is a children friendly restaurant serving French food called Wildwood. It is located near the Raja Indian Cuisine in the riverside area" }, { "source": "e2e", "text": "Wildwood is a restaurant in Riverside, near Raja Indian Cuisine. It serves French food and is family-friendly." }, { "source": "e2e", "text": "The Wildwood restaurant serves French food and is situated in the riverside area near the Raja Indian Cuisine and is kids friendly." }, { "source": "e2e", "text": "Riverside restaurant, The Wildwood features French cuisine is family friendly and is located near the Raja Indian Cuisine" }, { "source": "e2e", "text": "Riverside has a children friendly French restaurant called Wildwood. The shop is near Raja Indian Cuisine." }, { "source": "e2e", "text": "Wildwood at riverside near Raja Indian Cuisine is a restaurant that is children friendly and serves French food." }, { "source": "e2e", "text": "Located in riverside near the Raja Indian Cuisine the Wildwood is a restaurant offering French food and is very kid friendly" }, { "source": "e2e", "text": "The Wildwood is a kid-friendly restaurant near the Raja Indian Cuisine in the riverside area. It serves French food." }, { "source": "e2e", "text": "Wildwood is a French restaurant and kid friendly, is located near Raja Indian Cuisine, in the riverside area." }, { "source": "e2e", "text": "Wildwood is a child friendly French restaurant in riverside located near the Raja Indian Cuisine" } ] }, { "tripleset": [ [ "Wildwood", "eatType", "restaurant" ], [ "Wildwood", "food", "French" ], [ "Wildwood", "area", "riverside" ], [ "Wildwood", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "A amazing French restaurant is called the Wildwood. The restaurant is near the Raja Indian Cuisine in riverside. They love kids." }, { "source": "e2e", "text": "The Wildwood is a riverside French restaurant known for its popularity with kids. It is located near the Raja Indian Cuisine." } ] }, { "tripleset": [ [ "Wildwood", "eatType", "restaurant" ], [ "Wildwood", "food", "French" ], [ "Wildwood", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "Wildwood is a restaurant located near Raja Indian Cuisine where you can eat French food and your children will be welcome." } ] }, { "tripleset": [ [ "Wildwood", "eatType", "restaurant" ], [ "Wildwood", "food", "Indian" ], [ "Wildwood", "area", "city centre" ], [ "Wildwood", "familyFriendly", "no" ], [ "Wildwood", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "There's a restaurant that serves Indian food in the city centre, Wildwood. It's down near Raja Indian Cuisine, although it doesn't allow kids." }, { "source": "e2e", "text": "In the city centre, near the Raja Indian Cuisine, lies the Wildwood. It is a restaurant which also offers Indian food. The venue is not family friendly." }, { "source": "e2e", "text": "The restaurant, Wildwood in the city centre near Raja Indian Cuisine serves some Indian dishes. It's adults only but." }, { "source": "e2e", "text": "Located near Raja Indian Cuisine in city centre is a restaurant named Wildwood. This restaurant provides Indian food and is not family friendly." }, { "source": "e2e", "text": "There is a restaurant named Wildwood in the city centre that provides Indian food near Raja Indian Cuisine and they are not family friendly." }, { "source": "e2e", "text": "There is a non-family friendly restaurant called Wildwood in the city centre, near Raja Indian Cuisine, which serves Indian food." }, { "source": "e2e", "text": "restaurant and Indian food venue, Wildwood, is located in the city centre near the Raja Indian Cuisine and is not considered family friendly." } ] }, { "tripleset": [ [ "Wildwood", "eatType", "restaurant" ], [ "Wildwood", "food", "Indian" ], [ "Wildwood", "area", "city centre" ], [ "Wildwood", "familyFriendly", "yes" ], [ "Wildwood", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "Located near the city centre and Raja Indian Cuisine the Wildwood is a family friendly Indian restaurant." }, { "source": "e2e", "text": "Wildwood is in the city centre area near Raja Indian Cuisine. It is a restaurant that serves Indian food and is family Friendly." }, { "source": "e2e", "text": "Wildwood is a restaurant that serves Indian food in the city centre. It is family Friendly and is near the Raja Indian Cuisine." }, { "source": "e2e", "text": "The Wildwood is a family friendly Indian restaurant located near the Raja Indian Cuisine and city centre." } ] }, { "tripleset": [ [ "Wildwood", "eatType", "restaurant" ], [ "Wildwood", "food", "Indian" ], [ "Wildwood", "area", "riverside" ], [ "Wildwood", "familyFriendly", "no" ], [ "Wildwood", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "Wildwood is a restaurant and Indian food restaurant located in the riverside area near the Raja Indian Cuisine. It is not family friendly." }, { "source": "e2e", "text": "Wildwood is an Indian restaurant near the Raja Indian Cuisine. It is not family-friendly and is located riverside." }, { "source": "e2e", "text": "Located in the riverside area near the Raja Indian Cuisine, Wildwood offers Indian food and a restaurant. It is not family friendly." } ] }, { "tripleset": [ [ "Wildwood", "eatType", "restaurant" ], [ "Wildwood", "food", "Indian" ], [ "Wildwood", "area", "riverside" ], [ "Wildwood", "familyFriendly", "yes" ], [ "Wildwood", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "Wildwood is a family friendly restaurant on the riverside near the Raja Indian Cuisine offering Indian food." }, { "source": "e2e", "text": "Wildwood is a restaurant that sells Indian food located in riverside near Raja Indian Cuisine. They are children friendly." }, { "source": "e2e", "text": "Wildwood is a kid friendly Indian restaurant near Raja Indian Cuisine at Riverside." }, { "source": "e2e", "text": "The Wildwood is a family friendly restaurant that offers Indian food. It is in Riverside and is located near the Raja Indian Cuisine." }, { "source": "e2e", "text": "Wildwood is a restaurant that serves Indian food in the riverside area. It is family friendly and is located near the Raja Indian Cuisine." }, { "source": "e2e", "text": "At Riverside near Raja Indian Cuisine, Wildwood is a kid friendly Indian restaurant." }, { "source": "e2e", "text": "The site Wildwood is a restaurant type, it offers Indian food, is located in Riverside, is ideal for children and friends, and is near Raja Indian Cuisine" }, { "source": "e2e", "text": "The Wildwood is an Indian restaurant in the riverside area. This restaurant is very family friendly and is located near the Raja Indian Cuisine." }, { "source": "e2e", "text": "Wildwood is a restaurant that serves Indian food in the riverside. It is a kid friendly place near the Raja Indian Cuisine." }, { "source": "e2e", "text": "The Wildwood is a child friendly Indian restaurant. It is located in Riverside next to the Raja Indian Cuisine." }, { "source": "e2e", "text": "The restaurant serving Indian food on the riverside near the Raja Indian Cuisine is the Wildwood. It is family friendly." }, { "source": "e2e", "text": "Located in riverside is a family friendly Indian restaurant named Wildwood, this restaurant is located near the Raja Indian Cuisine." }, { "source": "e2e", "text": "Wildwood is a kid friendly restaurant. They also serve Indian food. It is located in the riverside area near Raja Indian Cuisine." }, { "source": "e2e", "text": "Wildwood is a children friendly restaurant that serves Indian food. It is located in riverside near Raja Indian Cuisine." }, { "source": "e2e", "text": "There is a restaurant called Wildwood located in the riverside area near the Raja Indian Cuisine. It is family friendly and serves Indian food." }, { "source": "e2e", "text": "There is a restaurant that sells Indian food in riverside near Raja Indian Cuisine named Wildwood. Wildwood is family friendly." }, { "source": "e2e", "text": "There is a restaurant Wildwood that is located in riverside that serves Indian food. It is children friendly and near Raja Indian Cuisine." } ] }, { "tripleset": [ [ "Wildwood", "eatType", "restaurant" ], [ "Wildwood", "food", "Indian" ], [ "Wildwood", "area", "riverside" ], [ "Wildwood", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "Wildwood is a restaurant providing Indian food It is located in the riverside. It is near Raja Indian Cuisine." }, { "source": "e2e", "text": "An adult Indian restaurant near the Raja Indian Cuisine and located riverside is Wildwood." }, { "source": "e2e", "text": "Wildwood is a restaurant providing Indian food It is located in the riverside. It is near Raja Indian Cuisine." } ] }, { "tripleset": [ [ "Wildwood", "eatType", "restaurant" ], [ "Wildwood", "food", "Indian" ], [ "Wildwood", "familyFriendly", "yes" ], [ "Wildwood", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "Wildwood also offers Indian food to go along with the family friendly restaurant located near Raja Indian Cuisine" }, { "source": "e2e", "text": "A children friendly restaurant that serves Indian food is Wildwood and is located near Raja Indian Cuisine." }, { "source": "e2e", "text": "Wildwood is a restaurant that is children friendly that serves Indian food and is near Raja Indian Cuisine." } ] }, { "tripleset": [ [ "Wildwood", "eatType", "restaurant" ], [ "Wildwood", "food", "Italian" ], [ "Wildwood", "area", "city centre" ], [ "Wildwood", "familyFriendly", "no" ], [ "Wildwood", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "Wildwood is a non family-friendly, Italian restaurant near Raja Indian Cuisine in the city center." }, { "source": "e2e", "text": "A non family-friendly, Italian restaurant near Raja Indian Cuisine in the city center is called Wildwood." }, { "source": "e2e", "text": "Wildwood is an Italian restaurant situated in the city centre, near the Raja Indian Cuisine. It is not family-friendly." }, { "source": "e2e", "text": "Wildwood is a non family-friendly Italian restaurant located in the city centre, near the Raja Indian Cuisine." } ] }, { "tripleset": [ [ "Wildwood", "eatType", "restaurant" ], [ "Wildwood", "food", "Italian" ], [ "Wildwood", "area", "city centre" ], [ "Wildwood", "familyFriendly", "yes" ], [ "Wildwood", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "Wildwood is a family oriented restaurant that serves Italian food. It is located Near Raja Indian Cuisine in City Centre." }, { "source": "e2e", "text": "The family-friendly, Italian food restaurant, Wildwood, is located in the city centre near the Raja Indian Cuisine." }, { "source": "e2e", "text": "Wildwood is family-friendly restaurant specializing in Italian cuisine near the Raja Indian Cuisine in the city centre." }, { "source": "e2e", "text": "Wildwood is a family-friendly Italian restaurant near Raja Indian Cuisine in City Centre." }, { "source": "e2e", "text": "Wildwood is a family-friendly Italian restaurant in the city centre near Raja Indian Cuisine." }, { "source": "e2e", "text": "Wildwood is a family-friendly Italian restaurant. It is located in the city centre near Raja Indian Cuisine." } ] }, { "tripleset": [ [ "Wildwood", "eatType", "restaurant" ], [ "Wildwood", "food", "Italian" ], [ "Wildwood", "area", "riverside" ], [ "Wildwood", "familyFriendly", "no" ], [ "Wildwood", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "Wildwood is a restaurant located in riverside area near Raja Indian Cuisine. It serves Italian food and It is not family-friendly." }, { "source": "e2e", "text": "Wildwood is a restaurant serving Italian food. It is not family friendly. It is based in the riverside area near Raja Indian Cuisine." }, { "source": "e2e", "text": "Wildwood is based in the riverside area near Raja Indian Cuisine. It is a restaurant serving Italian food. It is not family friendly." }, { "source": "e2e", "text": "In riverside area near Raja Indian Cuisine You can visit restaurant called Wildwood where Italian food is served. It is not a family-friendly place." }, { "source": "e2e", "text": "Wildwood is a restaurant that serves Italian food located near Raja Indian Cuisine in the area of Riverside. Unfortunately, it is not kid friendly." }, { "source": "e2e", "text": "Wildwood is an Italian restaurant. It's located near Raja Indian Cuisine in the riverside are and is not family-friendly." } ] }, { "tripleset": [ [ "Wildwood", "eatType", "restaurant" ], [ "Wildwood", "food", "Italian" ], [ "Wildwood", "area", "riverside" ], [ "Wildwood", "familyFriendly", "yes" ], [ "Wildwood", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "Wildwood near Raja Indian Cuisine in the riverside area is a child friendly Italian restaurant" } ] }, { "tripleset": [ [ "Wildwood", "eatType", "restaurant" ], [ "Wildwood", "food", "Italian" ], [ "Wildwood", "area", "riverside" ], [ "Wildwood", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "Near the Raja Indian Cuisine in the riverside area, is the adult Italian restaurant, Wildwood." } ] }, { "tripleset": [ [ "Wildwood", "eatType", "restaurant" ], [ "Wildwood", "food", "Italian" ], [ "Wildwood", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "Wildwood is a restaurant providing Italian food. It is located near of the Raja Indian Cuisine." } ] }, { "tripleset": [ [ "Wildwood", "eatType", "restaurant" ], [ "Wildwood", "priceRange", "cheap" ], [ "Wildwood", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "There is a low price range restaurant Wildwood located close to the Raja Indian Cuisine. It has a superb view across the river." }, { "source": "e2e", "text": "Wildwood is a restaurant in the low price range. It is located close to the Raja Indian Cuisine and has a superb view across the river." } ] }, { "tripleset": [ [ "Wildwood", "food", "French" ], [ "Wildwood", "area", "riverside" ], [ "Wildwood", "familyFriendly", "yes" ], [ "Wildwood", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "Wildwood serves French food that is kids friendly. It is in Riverside near Raja Indian Cuisine" }, { "source": "e2e", "text": "Wildwood serves French food that is kids friendly. It is in Riverside near Raja Indian Cuisine" } ] }, { "tripleset": [ [ "Wildwood", "food", "Italian" ], [ "Wildwood", "area", "riverside" ], [ "Wildwood", "familyFriendly", "no" ], [ "Wildwood", "near", "Raja Indian Cuisine" ] ], "annotations": [ { "source": "e2e", "text": "A pubpe that serves Italian food located at Riverside near Raja Indian Cuisine and is not kid friendly is Wildwood." }, { "source": "e2e", "text": "A restaurantpe that serves Italian food located at Riverside near Raja Indian Cuisine and is not kid friendly is Wildwood." } ] }, { "tripleset": [ [ "Zizzi", "eatType", "coffee shop" ], [ "Zizzi", "area", "riverside" ] ], "annotations": [ { "source": "e2e", "text": "The Zizzi is a coffee shop along the river." }, { "source": "e2e", "text": "You can find a coffee shop named Zizzi in the riverside area." }, { "source": "e2e", "text": "Zizzi is a riverside coffee shop." } ] }, { "tripleset": [ [ "Zizzi", "eatType", "coffee shop" ], [ "Zizzi", "customer rating", "average" ], [ "Zizzi", "near", "Burger King" ] ], "annotations": [ { "source": "e2e", "text": "Close by Burger King, is Zizzi. An average rated coffee shop." }, { "source": "e2e", "text": "An average rated coffee shop called Zizzi is nearby Burger King." }, { "source": "e2e", "text": "The Zizzi coffee shop is located near Burger King. It has an average customer rating." } ] }, { "tripleset": [ [ "Zizzi", "eatType", "coffee shop" ], [ "Zizzi", "customer rating", "high" ], [ "Zizzi", "near", "Burger King" ] ], "annotations": [ { "source": "e2e", "text": "Near Burger King is a highly rated coffee shop called Zizzi." }, { "source": "e2e", "text": "Located near Burger King, Zizzi is a high-rated coffee shop." }, { "source": "e2e", "text": "The Zizzi is a coffee shop near Burger King. It has a high customer rating." }, { "source": "e2e", "text": "Situated nearby Burger King, is the highly rated Zizzi coffee shop." }, { "source": "e2e", "text": "For a coffee shop highly-rated by customers, head to Zizzi near Burger King." } ] }, { "tripleset": [ [ "Zizzi", "eatType", "coffee shop" ], [ "Zizzi", "near", "Burger King" ] ], "annotations": [ { "source": "e2e", "text": "Near Burger King you can try the average Zizzi coffee shop." }, { "source": "e2e", "text": "Customers have rated the Zizzi coffee shop situated near Burger King as average." }, { "source": "e2e", "text": "Customers rate Zizzi coffee shop, near Burger King, average." } ] }, { "tripleset": [ [ "Zizzi", "eatType", "coffee shop" ], [ "Zizzi", "near", "The Sorrento" ] ], "annotations": [ { "source": "e2e", "text": "Close to The Sorrento you will be able to find a coffee shop called Zizzi" }, { "source": "e2e", "text": "There is a coffee shop called Zizzi located near The Sorrento." } ] }, { "tripleset": [ [ "Zizzi", "eatType", "pub" ], [ "Zizzi", "area", "riverside" ] ], "annotations": [ { "source": "e2e", "text": "The Zizzi is a pub along the river." }, { "source": "e2e", "text": "You can find a pub named Zizzi in the riverside area." }, { "source": "e2e", "text": "Zizzi is a riverside pub." } ] }, { "tripleset": [ [ "Zizzi", "eatType", "pub" ], [ "Zizzi", "customer rating", "average" ], [ "Zizzi", "near", "Burger King" ] ], "annotations": [ { "source": "e2e", "text": "Close by Burger King, is Zizzi. An average rated pub." }, { "source": "e2e", "text": "An average rated pub called Zizzi is nearby Burger King." }, { "source": "e2e", "text": "The Zizzi pub is located near Burger King. It has an average customer rating." } ] }, { "tripleset": [ [ "Zizzi", "eatType", "pub" ], [ "Zizzi", "customer rating", "high" ], [ "Zizzi", "near", "Burger King" ] ], "annotations": [ { "source": "e2e", "text": "Near Burger King is a highly rated pub called Zizzi." }, { "source": "e2e", "text": "Located near Burger King, Zizzi is a high-rated pub." }, { "source": "e2e", "text": "The Zizzi is a pub near Burger King. It has a high customer rating." }, { "source": "e2e", "text": "Situated nearby Burger King, is the highly rated Zizzi pub." }, { "source": "e2e", "text": "For a pub highly-rated by customers, head to Zizzi near Burger King." } ] }, { "tripleset": [ [ "Zizzi", "eatType", "pub" ], [ "Zizzi", "near", "Burger King" ] ], "annotations": [ { "source": "e2e", "text": "Near Burger King you can try the average Zizzi pub." }, { "source": "e2e", "text": "Customers have rated the Zizzi pub situated near Burger King as average." }, { "source": "e2e", "text": "Customers rate Zizzi pub, near Burger King, average." } ] }, { "tripleset": [ [ "Zizzi", "eatType", "pub" ], [ "Zizzi", "near", "The Sorrento" ] ], "annotations": [ { "source": "e2e", "text": "Close to The Sorrento you will be able to find a pub called Zizzi" }, { "source": "e2e", "text": "There is a pub called Zizzi located near The Sorrento." } ] } ]
AdaMix/NLG/data/dart/dart-v1.1.1-full-test.json/0
{ "file_path": "AdaMix/NLG/data/dart/dart-v1.1.1-full-test.json", "repo_id": "AdaMix", "token_count": 2528812 }
28
# ------------------------------------------------------------------------------------------ # Copyright (c). All rights reserved. # Licensed under the MIT License (MIT). See LICENSE in the repo root for license information. # ------------------------------------------------------------------------------------------ import os import json import regex as re from functools import lru_cache @lru_cache() def bytes_to_unicode(): """ Returns list of utf-8 byte and a corresponding list of unicode strings. The reversible bpe codes work on unicode strings. This means you need a large # of unicode characters in your vocab if you want to avoid UNKs. When you're at something like a 10B token dataset you end up needing around 5K for decent coverage. This is a signficant percentage of your normal, say, 32K bpe vocab. To avoid that, we want lookup tables between utf-8 bytes and unicode strings. And avoids mapping to whitespace/control characters the bpe code barfs on. """ bs = list(range(ord("!"), ord("~")+1))+list(range(ord("¡"), ord("¬")+1))+list(range(ord("®"), ord("ÿ")+1)) cs = bs[:] n = 0 for b in range(2**8): if b not in bs: bs.append(b) cs.append(2**8+n) n += 1 cs = [chr(n) for n in cs] return dict(zip(bs, cs)) def get_pairs(word): """Return set of symbol pairs in a word. Word is represented as tuple of symbols (symbols being variable-length strings). """ pairs = set() prev_char = word[0] for char in word[1:]: pairs.add((prev_char, char)) prev_char = char return pairs class Encoder: def __init__(self, encoder, bpe_merges, errors='replace'): self.encoder = encoder self.decoder = {v:k for k,v in self.encoder.items()} self.errors = errors # how to handle errors in decoding self.byte_encoder = bytes_to_unicode() self.byte_decoder = {v:k for k, v in self.byte_encoder.items()} self.bpe_ranks = dict(zip(bpe_merges, range(len(bpe_merges)))) self.cache = {} # Should haved added re.IGNORECASE so BPE merges can happen for capitalized versions of contractions try: import regex as re self.re = re except ImportError: raise ImportError('Please install regex with: pip install regex') self.pat = re.compile(r"""'s|'t|'re|'ve|'m|'ll|'d| ?\p{L}+| ?\p{N}+| ?[^\s\p{L}\p{N}]+|\s+(?!\S)|\s+""") def bpe(self, token): if token in self.cache: return self.cache[token] word = tuple(token) pairs = get_pairs(word) if not pairs: return token while True: bigram = min(pairs, key = lambda pair: self.bpe_ranks.get(pair, float('inf'))) if bigram not in self.bpe_ranks: break first, second = bigram new_word = [] i = 0 while i < len(word): try: j = word.index(first, i) new_word.extend(word[i:j]) i = j except: new_word.extend(word[i:]) break if word[i] == first and i < len(word)-1 and word[i+1] == second: new_word.append(first+second) i += 2 else: new_word.append(word[i]) i += 1 new_word = tuple(new_word) word = new_word if len(word) == 1: break else: pairs = get_pairs(word) word = ' '.join(word) self.cache[token] = word return word def encode(self, text): bpe_tokens = [] tokens = [] for token in re.findall(self.pat, text): token = ''.join(self.byte_encoder[b] for b in token.encode('utf-8')) bpe_tokens.extend(self.encoder[bpe_token] for bpe_token in self.bpe(token).split(' ')) if token: tokens.append(token) return bpe_tokens, tokens def decode(self, tokens): text = ''.join([self.decoder[token] for token in tokens]) text = bytearray([self.byte_decoder[c] for c in text]).decode('utf-8', errors=self.errors) return text def get_encoder(models_dir): with open(os.path.join(models_dir, 'encoder.json'), 'r') as f: encoder = json.load(f) with open(os.path.join(models_dir, 'vocab.bpe'), 'r', encoding="utf-8") as f: bpe_data = f.read() bpe_merges = [tuple(merge_str.split()) for merge_str in bpe_data.split('\n')[1:-1]] return Encoder( encoder=encoder, bpe_merges=bpe_merges, )
AdaMix/NLG/src/encoder.py/0
{ "file_path": "AdaMix/NLG/src/encoder.py", "repo_id": "AdaMix", "token_count": 2230 }
29
#version: 0.2 Ġ t Ġ a h e i n r e o n Ġt he e r Ġ s a t Ġ w Ġ o e n Ġ c i t i s a n o r e s Ġ b e d Ġ f in g Ġ p o u Ġa n a l a r Ġt o Ġ m Ġo f Ġ in Ġ d Ġ h Ġan d i c a s l e Ġt h i on o m l l en t Ġ n Ġ l s t Ġ re v e Ġ e r o l y Ġb e Ġ g Ġ T c t Ġ S i d o t Ġ I u t e t Ġ A Ġ is Ġ on i m a m o w a y a d s e Ġth at Ġ C i g Ġf or a c Ġ y v er u r Ġ u l d Ġs t Ġ M ' s Ġ he Ġ it at ion it h i r c e Ġy ou i l Ġ B Ġw h o l Ġ P Ġw ith Ġ 1 t er c h Ġa s Ġw e Ġ ( n d i ll Ġ D i f Ġ 2 a g er s k e Ġ " Ġ H e m Ġc on Ġ W Ġ R he r Ġw as Ġ r o d Ġ F u l at e Ġa t r i p p o re ĠT he Ġs e u s Ġp ro Ġh a u m Ġa re Ġd e a in an d Ġo r ig h es t is t a b r om Ġ N t h Ġc om Ġ G u n o p 0 0 Ġ L Ġn ot es s Ġe x Ġ v re s Ġ E e w it y an t Ġb y e l o s or t o c q u Ġf rom Ġha ve Ġs u i ve ou ld Ġs h Ġth is n t r a p e igh t ar t m ent Ġa l u st en d - - al l Ġ O ac k Ġc h Ġ le i es re d ar d â Ģ ou t Ġ J Ġa b e ar i v al ly ou r o st g h p t Ġp l as t Ġc an a k om e u d T he Ġh is Ġd o Ġg o Ġh as g e ' t Ġ U r ou Ġs a Ġ j Ġb ut Ġw or Ġa ll e ct Ġ k am e Ġw ill o k Ġw he Ġthe y id e 0 1 f f ic h p l t her Ġt r . . Ġin t i e u re ag e Ġn e i al a p in e ic e Ġm e Ġo ut an s on e on g ion s Ġwh o Ġ K Ġu p Ġthe ir Ġa d Ġ 3 Ġu s at ed ou s Ġm ore u e o g ĠS t in d i ke Ġs o im e p er . " b er i z a ct Ġon e Ġsa id Ġ - a re Ġyou r c c ĠT h Ġc l e p a ke ab le i p Ġcon t Ġwh ich i a Ġ im Ġab out Ġwe re ver y u b Ġh ad Ġ en Ġcom p , " ĠI n Ġu n Ġa g i re ac e a u ar y Ġw ould as s r y Ġ âĢ c l o ok e re s o Ġ V ig n i b Ġof f Ġt e v en Ġ Y i le o se it e or m Ġ2 01 Ġre s Ġm an Ġp er Ġo ther or d ul t Ġbe en Ġl ike as e an ce k s ay s ow n en ce Ġd is ct ion Ġan y Ġa pp Ġs p in t res s ation s a il Ġ 4 ic al Ġthe m Ġhe r ou nt ĠC h Ġa r Ġ if Ġthe re Ġp e Ġy ear a v Ġm y Ġs ome Ġwhe n ou gh ac h Ġth an r u on d ic k Ġo ver ve l Ġ qu Ċ Ċ Ġs c re at re e ĠI t ou nd p ort Ġal so Ġp art f ter Ġk n Ġbe c Ġt ime en s Ġ 5 op le Ġwh at Ġn o d u m er an g Ġn ew -- -- Ġg et or y it ion ing s Ġj ust Ġint o Ġ 0 ent s o ve t e Ġpe ople Ġp re Ġit s Ġre c Ġt w i an ir st ar k or s Ġwor k ad e o b Ġs he Ġo ur w n in k l ic Ġ1 9 ĠH e is h nd er au se Ġh im on s Ġ [ Ġ ro f orm i ld at es ver s Ġon ly o ll Ġs pe c k e ll am p Ġa cc Ġb l i ous ur n f t o od Ġh ow he d Ġ ' Ġa fter a w Ġat t o v n e Ġpl ay er v ic t Ġc ould it t Ġa m Ġf irst Ġ 6 Ġa ct Ġ $ e c h ing u al u ll Ġcom m o y o ld c es at er Ġf e Ġbe t w e if f Ġtw o oc k Ġb ack ) . id ent Ġu nder rou gh se l x t Ġm ay rou nd Ġp o p h is s Ġd es Ġm ost Ġd id Ġad d j ect Ġin c f ore Ġp ol on t Ġag ain cl ud ter n Ġkn ow Ġne ed Ġcon s Ġc o Ġ . Ġw ant Ġse e Ġ 7 n ing i ew ĠTh is c ed Ġe ven Ġin d t y ĠW e at h Ġthe se Ġp r Ġu se Ġbec ause Ġf l n g Ġn ow ĠâĢ ĵ c om is e Ġm ake Ġthe n ow er Ġe very ĠU n Ġse c os s u ch Ġe m Ġ = ĠR e i ed r it Ġin v le ct Ġsu pp at ing Ġl ook m an pe ct Ġ 8 ro w Ġb u Ġwhe re if ic Ġyear s i ly Ġd iff Ġsh ould Ġre m T h I n Ġe v d ay ' re ri b Ġre l s s Ġde f Ġr ight Ġs y ) , l es 00 0 he n Ġth rough ĠT r _ _ Ġw ay Ġd on Ġ , Ġ1 0 as ed Ġas s ub lic Ġre g ĠA nd i x Ġ very Ġin clud ot her Ġim p ot h Ġsu b ĠâĢ Ķ Ġbe ing ar g ĠW h = = ib le Ġdo es an ge r am Ġ 9 er t p s it ed ation al Ġb r Ġd own Ġman y ak ing Ġc all ur ing it ies Ġp h ic s al s Ġde c at ive en er Ġbe fore il ity Ġwe ll Ġm uch ers on Ġth ose Ġsu ch Ġ ke Ġ end ĠB ut as on t ing Ġl ong e f Ġth ink y s Ġbe l Ġs m it s a x Ġo wn Ġpro v Ġs et if e ment s b le w ard Ġsh ow Ġp res m s om et Ġo b Ġs ay ĠS h t s f ul Ġe ff Ġg u Ġin st u nd re n c ess Ġ ent ĠY ou Ġgo od Ġst art in ce Ġm ade t t st em ol og u p Ġ | um p Ġhe l ver n ul ar u ally Ġa c Ġm on Ġl ast Ġ2 00 1 0 Ġst ud u res ĠA r sel f ar s mer ic u es c y Ġm in oll ow Ġc ol i o Ġm od Ġc ount ĠC om he s Ġf in a ir i er âĢ Ķ re ad an k at ch e ver Ġst r Ġpo int or k ĠN ew Ġs ur o ol al k em ent Ġus ed ra ct we en Ġs ame ou n ĠA l c i Ġdiff ere Ġwh ile ---- ---- Ġg ame ce pt Ġs im .. . Ġin ter e k Ġre port Ġpro du Ġst ill l ed a h Ġhe re Ġwor ld Ġth ough Ġn um ar ch im es al e ĠS e ĠI f / / ĠL e Ġre t Ġre f Ġtr ans n er ut ion ter s Ġt ake ĠC l Ġcon f w ay a ve Ġgo ing Ġs l u g ĠA meric Ġspe c Ġh and Ġbet ween ist s ĠD e o ot I t Ġe ar Ġagain st Ġh igh g an a z at her Ġex p Ġo p Ġin s Ġg r Ġhel p Ġre qu et s in s ĠP ro is m Ġf ound l and at a us s am es Ġp erson Ġg reat p r Ġs ign ĠA n ' ve Ġs omet Ġs er h ip Ġr un Ġ : Ġt er ire ct Ġf ollow Ġd et ic es Ġf ind 1 2 Ġm em Ġc r e red e x Ġex t ut h en se c o Ġte am v ing ou se as h at t v ed Ġsy stem ĠA s d er iv es m in Ġle ad ĠB l c ent Ġa round Ġgo vern Ġc ur vel op an y Ġc our al th ag es iz e Ġc ar od e Ġl aw Ġre ad ' m c on Ġre al Ġsupp ort Ġ1 2 .. .. Ġre ally n ess Ġf act Ġd ay Ġb oth y ing Ġs erv ĠF or Ġth ree Ġw om Ġm ed od y ĠThe y 5 0 Ġex per t on Ġe ach ak es Ġc he Ġc re in es Ġre p 1 9 g g ill ion Ġg rou ut e i k W e g et E R Ġm et Ġs ays o x Ġd uring er n iz ed a red Ġf am ic ally Ġha pp ĠI s Ġch ar m ed v ent Ġg ener i ent p le i et re nt 1 1 v es pt ion Ġ2 0 form ation Ġc or Ġoff ic ie ld Ġto o is ion Ġin f Ġ Z t he o ad Ġp ublic Ġpro g r ic * * Ġw ar Ġp ower v iew Ġf ew Ġl oc Ġdiffere nt Ġst ate Ġhe ad ' ll Ġp oss Ġst at re t ant s Ġv al Ġis s Ġc le i vers an c Ġex pl Ġan other Ġ Q Ġa v th ing n ce W h Ġch ild Ġs ince i red l ess Ġl ife Ġde velop itt le Ġde p Ġp ass ã ĥ Ġt urn or n Th is b ers ro ss ĠA d Ġf r Ġres p Ġsec ond o h Ġ / Ġdis c Ġ & Ġsomet hing Ġcomp le Ġ ed Ġf il Ġmon th a j u c Ġgovern ment Ġwith out Ġle g Ġd ist Ġp ut Ġqu est an n Ġpro t 2 0 Ġne ver i ence Ġle vel Ġar t Ġth ings Ġm ight Ġeff ect Ġcont ro Ġc ent Ġ1 8 Ġall ow Ġbel ie ch ool ot t Ġinc re Ġfe el Ġres ult Ġl ot Ġf un ot e Ġt y ere st Ġcont in Ġus ing Ġb ig 2 01 Ġas k Ġb est Ġ ) I N Ġo pp 3 0 Ġnum ber in ess S t le ase Ġc a Ġm ust Ġd irect Ġg l Ġ < Ġop en Ġp ost Ġcom e Ġse em ord ing Ġwe ek ate ly it al Ġe l ri end Ġf ar Ġt ra in al Ġp ri ĠU S Ġpl ace Ġfor m Ġto ld " : ain s at ure ĠTr ump Ġst and Ġ # id er ĠF r Ġne xt Ġs oc Ġp ur Ġle t Ġl ittle Ġh um Ġ i r on 1 5 Ġ1 5 Ġcomm un Ġm ark ĠThe re Ġw r ĠTh at Ġin formation w ays Ġb us a pp Ġinv est m e Ġh ard ain ed e ad Ġim port Ġapp ro Ġt est Ġt ri Ġre st os ed Ġf ull Ġc are ĠS p Ġc ase O N Ġs k Ġl ess Ġ + Ġpart ic ĠP l ab ly u ck is hed ch n b e Ġl ist at or Ġto p Ġad v ĠB e ru ct Ġd em r ation l ing g y re en g er Ġh ome Ġle ft Ġbet ter Ġd ata Ġ1 1 Ġatt ack Ġpro ble l ine ard s Ġbe h r al ĠH ow ĠS he ar ge Ġ -- : // Ġb ro ĠP h at s Ġbu ild w w id ed a im as es en cy Ġm ain in ed Ġinclud ing Ġ { Ġg ot Ġint erest Ġke ep Ġ X Ġe as ain ing Ġcl ass âĢ ¦ ĠN o Ġv ar Ġsm all amp le A T Ġ ide ĠS o Ġre ce Ġpol it Ġm ov Ġpl an Ġper cent iv ing Ġc amp Ġp ay 1 4 s c is ed Ġu nt one y pl oy == == Ġdid n ĠI nd el s ert ain Ġp os __ __ i ver Ġpro cess Ġprog ram if ied ĠR ep 1 6 u ro olog y at ter in a Ġn ame ĠA ll Ġf our Ġret urn v ious b s Ġcall ed Ġm ove ĠS c ir d Ġgrou p Ġb re Ġm en Ġc ap t en e e Ġd ri le g he re uth or Ġp at Ġcur rent id es Ġp op t o ent ion Ġal ways Ġm il Ġwom en Ġ1 6 Ġo ld iv en ra ph ĠO r r or ent ly Ġn ear ĠE x re am s h Ġ1 4 Ġf ree iss ion st and ĠC on al ity us ed 1 3 Ġdes ign Ġch ange Ġch ang Ġb o Ġv is em ber Ġb ook read y Ġk ill 2 5 pp ed Ġa way Ġab le Ġcount ry Ġcon st ar n Ġor der A R i or i um or th 1 8 ail able Ġs w Ġm illion Ġ1 3 at ic t ed ĠG o Ġo per en g Ġth ing aj or con om ĠCom m Ġwh y u red ur al Ġs chool b y ĠM ar Ġa ff Ġd ays Ġan n us h an e I f e g Ġpro f Ġhe alth ou th B ut ion al . , Ġs ol Ġal ready Ġ3 0 Ġchar act H e Ġf riend E S i ans ic le ' d ĠO n Ġle ast Ġp rom Ġd r Ġh ist it her Ġ est i qu 1 7 s on Ġte ll Ġt alk oh n o int le ction A N Ġunt il au gh Ġl ater Ġ ve Ġv iew end ing iv ed Ġwor d w are Ġc ost Ġen ough Ġg ive ĠUn ited Ġte chn are nt O R Ġp ar ĠD r Ġ201 6 r ist er ing Ġ  Ġl arge s ide ac y cc ess Ġw in Ġimport ant Ġ19 9 Ġdoes n Ġ1 7 Ġbus iness Ġcle ar Ġre se " , ur y Ġe qu as ter al f ĠAmeric an n ect Ġex pect ivers ity Ġo cc ĠF l Ġk ind Ġme an Ġp ast Ġde v Ġb as le t ra ft Ġor gan Ġde l Ġper form Ġst ory Ġse ason ĠC ol Ġcl aim Ġc ame Ġwith in Ġl ine Ġpro ject ĠA t Ġcontro l end ed ĠS y Ġa ir iz ation Ġ * le y Ġm oney id d Y ou f or Ġfam ily Ġm aking Ġb it Ġpol ice Ġhapp en Ġ vers on y u ff ĠW hen Ġs it ide o l f is on Ġsu re g in Ġapp ear Ġl ight Ġ es o f Ġw ater Ġt imes n ot Ġg row Ġcomp any ĠT e ow s Ġm ar our ce i ol ar m b r Ġex ample Ġcon c Ġf ore ĠT o p ro E N ri es Ġ2 5 ĠC an ne y Ġact ually Ġe ver ur ity ak en ap s Ġt ax Ġm ajor am a Ġof ten er al Ġhum an Ġj ob is ter Ġav ailable oc r en n a id iv id Ġrec ord ? " Ġs ing ĠA m id ence Ġnew s st er Ġe conom Ġfollow ing ĠB r is ing Ġh our m ost um ent Ġse x Ġdes c Ġbec ome ĠE d Ġto ok Ġha ving Ġprodu ct a ult A s ar ing Ġme ans Ġh op un e Ġch o Ġc ertain Ġn on Ġde al 2 4 le ment oc i en e Ġs ide ĠP r ĠM ay Ġre ason u ed c hed ul ation Ġe lect Ġoffic ial Ġposs ible Ġh old and s ot s Ġc ity or ies Ġse ver Ġchild ren Ġon ce Ġact iv l er Ġn ight it ions ĠJ ohn a pe pl ay Ġd one Ġl im Ġwork ing ĠP res or ld e b ĠC o Ġb ody ail s ut es ĠM r Ġwhe ther Ġa uthor ro p Ġpro per Ġse en ) ; Ġf ac ĠS u Ġcon d it ing Ġcour se Ġ } -------- -------- a ign Ġev ent Ġen g Ġp ot Ġin tern i am Ġsh ort em pt ã Ĥ ĠG od il ar 8 0 Ġor ig I S our n ab ility it ive Ġd am Ġ1 00 Ġp ress Ġdo ing Ġprot ect r ing Ġthough t Ġquest ion re w ĠW ar Ġsever al ĠSt ate Ġg iven Ġf und ĠT w Ġw ent an ces w ork p or m y 4 0 Ġar g art ment ust om Ġpol ic Ġme et Ġc reat 2 2 ĠSt ates Ġg ames ra w ut ure Ġunder stand ur s ĠO b l ish s y Ġm akes Ġw on ag on Ġh tt Ġl ove ent ial Ġcomple te p ar ĠI m A L Ġacc ount  ł ore d ver t Ġ ident Ġ201 5 Ġother s ĠM in i ber ver age The re ition al d d Ġpro b Ġyou ng Ġal ong Ġacc ording Ġy et Ġmem bers ĠWh at o id ĠM an A nd Ġam ong a i Ġem ploy ĠR es Ġ > Ġinv ol Ġl ow a f ĠC ar Ġh ig ĠO ne ĠS ec in ation Ġlike ly Ġan t ag ed ĠR uss Ġb en Ġre le F or b ack ĠN ot Ġpres ident b all Ġacc ess ivid ual ĠD em ĠE uro 6 0 Ġkn own ir l ĠG r Ġear ly u se iet y âĢ ĵ Ġf ight Ġs ent Ġto day Ġmark et " . Ġb ased Ġstr ong ur ther Ġde b m ber Ġproble m Ġde ath Ġsoc ial im ate A S ort un Ġcamp aign er y C h Ġe y i ally Ġm us w h p os Ġ er Ġsa f Ġmonth s ir on Ġv iol Ġf ive Ġst re Ġplay ers in c al d y ear a un Ġsu ccess Ġpres ent ere nce Ġ201 4 Ġsu gg Ġpartic ular Ġtr y Ġsugg est ĠCh rist on es Ġpri v 2 3 Ġc rit Ġl and Ġloc al if y 2 9 Ġa ut E D ĠG u Ġm ult Ġpolit ical Ġask ed Ġfor mer it ter ri pt Ġcl ose Ġp ract ĠY ork Ġget ting Ġac ross Ġcom b Ġbelie ve Ġ z Ġto get Ġtoget her ĠC ent ir c Ġind ividual ĠM c 2 7 is k ĠE ng Ġf ace Ġ2 4 Ġval ue Ġare a e v Ġw rit ĠPres ident Ġv ot Ġke y Ġm om p ut Ġany thing Ġexper ience att le Ġm ind a ff om m Ġf uture g ed Ġc ut Ġto t it ch Ġv ideo Ġinvest ig Ġn et ĠM y r ict i en . ) Ġimp ro th ough ward s Ġcon nect ĠM ed sel ves ens ive m b o ber at ors A n Ġ5 0 Ġre du res ent Ġab ove Ġf re ĠEuro pe s w Ġam ount ĠA pp Ġe ither Ġmil it Ġan al Ġf ail ĠE n al es Ġspec ial Ġbl ack I T c her Ġlook ing Ġf ire y n Ġal most o on Ġstud y Ġm iss c hes ro wn Ġt re Ġcommun ity Ġmed ia Ġf ood Ġcom es ĠUn iversity Ġsing le Wh at u ly Ġh alf ag ue h od ĠRep ublic Ġstart ed Ġqu ick ot o b ook Ġiss ue it or Ġel se Ġcons ider 2 6 ro du Ġt aken 2 8 9 9 ĠW ith Ġtr ue Ġw a Ġtr ad Ġag o Ġm ess ie f Ġadd ed o ke Ġb ad Ġf av 3 3 Ġsim ilar as k ĠD on Ġcharact er ort s ĠH ouse Ġreport ed Ġty pe v al i od ĠHow ever Ġt arg Ġent ire pp ing Ġhist ory Ġl ive ff ic .... .... ed eral Ġtr ying Ġdisc uss ĠH ar ac es l ished Ġse lf os p re st Ġro om el t Ġf all ol ution Ġe t Ġ x Ġis n Ġide a b o Ġs ound ĠD ep Ġsome one ci ally ull y Ġf oc Ġob ject if t ap er Ġplay er Ġr ather Ġserv ice as hing ĠD o ĠP art ru g m on p ly Ġm or Ġnot hing Ġprov ide I C un g Ġpart y Ġex ist Ġm ag 7 0 Ġr ul Ġh ouse Ġbeh ind Ġhow ever ĠW orld Ġs um Ġapp lic Ġ ; Ġfun ction g r ĠP ol Ġfr ont 2 00 Ġser ies Ġt em Ġty p ill s Ġo pt Ġpoint s Ġbel ow itt ed Ġspec ific Ġ201 7 um b Ġr a Ġpre vious Ġpre t re me Ġc ustom Ġcour t ĠM e Ġre pl Ġwho le g o c er Ġt reat ĠA ct Ġprob ably Ġle arn end er ĠA ss Ġvers ion n ow Ġche ck ĠC al R E min ist O n our ces Ġben ef Ġd oc Ġdet er Ġen c Ġsu per Ġadd ress Ġv ict Ġ201 3 Ġme as t r Ġf ield W hen Ġsign ific u ge Ġfe at Ġcomm on l oad Ġbe gin Ġbr ing Ġa ction er man Ġdesc rib Ġind ust Ġwant ed ri ed m ing Ġatt empt 4 5 f er Ġd ue ress ion # # Ġsh all Ġs ix o o Ġst ep Ġp ub Ġhim self Ġ2 3 Ġc op Ġd est Ġst op A C ib ility Ġl ab ic ult Ġhour s Ġcre ate Ġf urther ĠAmeric a ĠC ity Ġd ou he ad S T ĠN orth c ing Ġn ational u le ĠIn st Ġt aking ĠQ u ir t Ġre d Ġrese arch v iron ĠG e Ġbre ak an a Ġsp ace ater ial Ġrec ent ĠA b Ġgener al Ġh it Ġper iod Ġevery thing ive ly Ġph ys Ġsay ing an ks Ġc ou Ġc ult ac ed e al u ation Ġc oun l u Ġinclud e Ġpos ition ĠA fter ĠCan ad ĠE m Ġim m ĠR ed Ġp ick Ġcom pl Ġm atter re g e xt ang u is c o le a ut Ġcomp et e ed f ect Ġ2 1 ĠS en ĠThe se as ing Ġcan not Ġin it Ġrel ations ac hed Ġb ar Ġ4 0 ĠT H Ġ201 2 Ġv ol Ġg round Ġsec urity Ġup d il t 3 5 Ġconc ern ĠJ ust Ġwh ite Ġseem s ĠH er pe cially i ents Ġann oun Ġf ig ight s Ġst ri l ike id s Ġs us Ġw atch Ġ â Ġw ind ĠC ont Ġit self Ġm ass A l y le iqu e ĠN ational Ġab s Ġp ack Ġout side Ġan im Ġp ain et er Ġman ag du ct og n Ġ ] ĠSe pt se c o ff ĠJ an Ġf oot ad es Ġth ird Ġm ot Ġev idence int on Ġth reat a pt pl es c le Ġl o Ġde cl Ġit em med i Ġrep resent om b am er Ġsignific ant og raph s u Ġc al i res 00 00 I D A M Ġsim ply Ġlong er Ġf ile O T c he S o ate g or g ĠH is Ġen er Ġd om Ġup on il i ": " Ġthem selves Ġcom ing Ġqu ite Ġdiff icult ĠB ar il ities re l end s c ial 6 4 Ġwom an ra p y r Ġne cess ip s Ġte xt Ġrequ ire Ġmilit ary Ġre view Ġresp ons 7 5 Ġsub ject Ġinst ead Ġiss ues Ġg en " ," Ġmin utes Ġwe ap r ay am ed t ime b l H ow Ġc ode ĠS m Ġhig her ĠSt e r is Ġp age Ġstud ents ĠIn tern Ġmet hod ĠA ug ĠP er ĠA g Ġpolic y ĠS w Ġex ec Ġac cept um e rib ut Ġword s Ġfin al Ġchang es ĠDem ocr Ġfriend s Ġres pect Ġe p Ġcomp an iv il Ġdam age ** ** og le viron ment Ġne g ent al Ġa p Ġtot al iv al ! " l im Ġneed s Ġag re Ġdevelop ment Ġa ge ip le 2 1 Ġresult s ĠA f S h Ġg un ĠOb ama ro ll Ġ @ Ġright s ĠB rit Ġrun ning Ġwas n Ġp ort Ġr ate Ġpret ty Ġtarg et Ġsa w Ġc irc Ġwor ks ic ro al t o ver ww w Th at l ier Ġevery one ud e Ġp ie idd le ra el Ġr ad Ġbl ock Ġw alk T o ã ģ n es ĠA ust a ul ro te ĠS outh ess ion op h Ġshow s Ġs ite Ġj o Ġr isk cl us l t Ġin j id ing ĠS pe Ġch all ir m Ġ2 2 itt ing st r Ġh y L E ke y Ġbe gan at ur ashing ton l am ĠD av b it Ġs ize ĠP ar 3 8 ourn al f ace Ġdec ision Ġl arg Ġj ud re ct Ġcontin ue ĠO ct ove red ĠI nt ==== ==== Ġp arent ĠW ill Ġeas y Ġd rug ang er Ġs ense Ġd i id ay Ġener gy ist ic Ġass oci ar ter ob al e ks ĠE l ur ch Ġg irl o e it le Ġ2 8 ĠC he Ġrequ est Ġso on Ġh ost k y Ġst ates om es Ġm aterial le x Ġmom ent Ġan sw on se Ġes pecially Ġn orm Ġserv ices p ite r an Ġro le 4 4 ) : Ġc red C l ____ ____ Ġm at Ġl og ĠCl inton O U Ġoff ice Ġ2 6 Ġch arg Ġtr ack m a Ġhe art Ġb all Ġperson al Ġbuild ing n a s et b ody ĠBl ack Ġincre ase itt en Ġneed ed 3 6 3 2 = " Ġl ost Ġbec ame Ġgrou ps ĠM us Ġw rote ĠP e Ġpro p j oy à © ĠWh ite Ġde ad . ' Ġhtt p Ġwe bs O S Ġins ide Ġwr ong Ġstat ement Ġ ... y l Ġfil m Ġmus ic Ġsh are ific ation Ġre lease Ġfor ward Ġst ay Ġcomp ut it te s er Ġorig inal Ġc ard Ġc and Ġd iv at ural Ġfav or O M Ġc ases us es Ġse ction Ġle ave g ing ov ed ĠW ashington 3 9 ĠG l Ġrequ ired act ion ap an o or it er ĠK ing Ġcount ries ĠG erman ll ing Ġ2 7 3 4 Ġquest ions Ġpr im Ġc ell Ġsh oot Ġany one ĠW est Ġaff ect ep end Ġon line ĠIs rael ĠSept ember Ġab ility Ġcont ent is es Ġre ve Ġl aun Ġind ic Ġfor ce c ast Ġso ld av ing f l Ġso ft Ġcompan ies ce ed Ġart icle Ġa ud Ġre v Ġed uc Ġplay ing 0 5 Ġhe ld ct or Ġrele ased Ġf ederal 3 7 Ġad minist Ġinter view Ġinst all Ġrece ived Ġs ource u k P h Ġser ious Ġcre ated Ġc ause Ġim medi Ġdef in u el ĠDep artment ct ions ĠC our ĠN ow z e it es it ution Ġl ate Ġspe ak n ers Ġleg al ar i ĠC or Ġwe eks Ġmod el Ġp red Ġex act B C ĠB y IN G os ing Ġt akes Ġreg ard Ġopp ortun Ġpr ice Ġ19 8 ĠA pr f ully Ġor d Ġproble ms ru ction h am ĠC ount le ge Ġlead ers E T le v Ġde ep olog ical es e h aps ĠS ome Ġp ers Ġcont ract Ġrelations hip s p ou d Ġb ase 4 8 m it A d anc ial Ġcons um Ġpot ential Ġl angu re m et h Ġrel ig ress ed 6 6 Ġl ink Ġl ower ay er ĠJ une Ġf em un t er c ur d Ġcont act Ġ ill Ġm other Ġest ab h tt ĠM arch ĠB ro ĠCh ina Ġ2 9 Ġs qu Ġprov ided Ġa verage as ons Ġ201 1 Ġex am l in 5 5 n ed Ġper fect Ġt ou al se u x Ġbu y Ġsh ot Ġcol lect Ġph ot Ġplay ed Ġsur pr Ġofficial s Ġsim ple av y Ġindust ry Ġhand s g round Ġp ull Ġr ound Ġus er Ġr ange u ary Ġpriv ate op s e es Ġw ays ĠM ich Ġve h Ġex cept Ġter ms im um pp er I ON ore s ĠDr agon ou l Ġd en Ġperform ance Ġb ill c il 4 7 Ġen vironment Ġex c ad d Ġwor th Ġp ict Ġch ance Ġ201 8 b or Ġspe ed ict ion Ġal leg ĠJ apan at ory re et Ġm atch ĠI I Ġst ru ord er Ġst e Ġl iving Ġst ruct in o Ġse par her n Ġresp onse Ġen joy Ġv ia A D um ents ace book Ġmem ber ib r iz ing Ġto ol ĠM on ĠWh ile h ood ĠA ng ĠD ef Ġoff er T r a ur Ġturn ed ĠJ uly d own an ced Ġrec ently ĠE ar Ġc e ĠSt ar ĠC ong rough t Ġbl ood Ġhop e Ġcom ment ain t Ġar ri il es Ġpartic ip ough t ri ption 0 8 4 9 Ġg ave Ġse lect Ġkill ed sy ch Ġgo es i j Ġc oll Ġimp act at ives ĠS er 0 9 ĠAug ust Ġb oy d e ĠD es Ġf elt U S Ġexpect ed Ġim age ĠM ark cc ording o ice E C ĠM ag en ed h old ĠP ost Ġpre vent N o Ġinvol ved Ġey es Ġquick ly A t un k Ġbeh av Ġ ur Ġl ed c ome e y Ġcand id Ġear lier Ġfoc us et y P ro led ge ix ed ill ed Ġpop ular A P Ġset t l ight Ġvar ious in ks Ġlevel s Ġro ad ell ig ab les he l itte e ĠG ener y pe Ġhe ard ic les Ġm is Ġus ers ĠS an Ġimpro ve Ġf ather Ġse arch The y v il Ġprof ess Ġkn ew Ġl oss Ġev ents 6 5 Ġb illion 0 7 0 2 ĠNew s ĠA M Ġco ver w here ens ion Ġb ott Ġare as en ces op e ĠTw itter a el Ġget s ĠGo ogle Ġs n i ant Ġv ote Ġnear ly Ġinclud ed Ġrec ogn z z m m al ed Ġhappen ed 0 4 Ġh ot Ġwho se Ġc ivil Ġsu ff o es it iz ĠSy ri Ġresp ond Ġh on Ġfeat ures Ġeconom ic ĠApr il r im Ġtechn ology Ġo ption ag ing Ġpur ch R e Ġl at ch ie is l Ġrec omm u f Ġtr aining Ġeffect s Ġf ast Ġ201 0 Ġocc ur Ġwebs ite Ġem ail Ġs ens e ch Ġo il Ġinf lu Ġcurrent ly ĠS ch ĠAd d Ġgo al Ġsc ient Ġcon v 1 00 em y Ġdec ided Ġtra vel Ġm ention L L 0 3 Ġe lection Ġph one Ġlook s Ġsit uation Ġc y Ġh or b ed ĠCour t a ily av es Ġqu ality ĠCom p w ise Ġt able Ġst aff ĠW ind et t Ġtri ed ide red Ġadd ition Ġb ox Ġl ack ar ily Ġw ide Ġm id Ġbo ard ys is Ġant i h a Ġd ig en ing Ġd ro C on 6 8 Ġsl ow b ased se qu Ġp ath E x ak er Ġwork ed Ġp en Ġeng ine Ġlook ed ĠSu per ĠS erv Ġvict im U n Ġproper ty Ġint rodu Ġexec ut ĠP M L e Ġcol or ĠM ore Ġ6 0 Ġnet work Ġd ate c ul id ge Ġext ra 3 1 Ġs le 6 7 Ġw ond Ġreport s j ust ĠAust ral Ġcap ital Ġen s Ġcomm and Ġallow ed Ġpre p Ġca pt h ib Ġnum bers ch an Ġf air m p om s Ġre ach W ith t ain Ġbro ad Ġcou ple ec ause ly ing ĠF eb Ġsc reen Ġl ives Ġpri or ĠCong ress A r Ġappro ach Ġe mer ar ies ĠD is s erv ĠN e Ġbu ilt c ies Ġre pe Ġrul es for ce ĠP al Ġfin ancial Ġcons idered ĠCh ar n ces ĠI S Ġb rought Ġb i i ers ĠS im O P Ġproduct s Ġvis it Ġdoc ument Ġcon duct Ġcomplete ly in ing ĠCal if ib ly Ġwr itten ĠT V em ents Ġd raw O ne Ġpub lished Ġsec ret r ain he t ĠF acebook ond ay ĠU p Ġsex ual Ġth ous ĠP at Ġ ess Ġstand ard Ġar m g es ect ion Ġf ell Ġfore ign an i ĠFr iday Ġreg ular in ary Ġincre ased Ġus ually Ġdem on Ġd ark Ġadd itional ro l ĠO f Ġprodu ction ! ! und red Ġintern ational id ents ĠF ree rou p Ġr ace Ġm ach Ġh uge A ll le ar ove mber Ġto wn Ġatt ention ĠO ff y ond ĠThe n f ield Ġter ror ra z ĠB o Ġmeet ing ĠP ark Ġar rest Ġf ear Ġa w ĠV al or ing ' , Ġext reme ar r Ġwork ers A fter Ġ3 1 n et am ent Ġdirect ly Ġpop ulation ub e ĠOct ober ĠI N ĠJan uary 5 9 ĠDav id Ġc ross ce mber ĠF irst Ġmess age ir it Ġn ation Ġp oll is ions Ġansw er n y is ode Ġcar ry ĠRuss ia Ġhe ar eng th ro y Ġn atural in ally Ġdo g m itted Ġtr ade Ġsub st Ġmult iple ĠAf ric Ġf ans Ġs ort Ġgl obal ic ation ĠW ed ar a Ġa chie Ġlangu age ve y Ġt al Ġnecess ary Ġdet ails Ġs en ĠS und ĠRe g ĠR ec 0 6 Ġs il ress ive Ġmed ical un ch orn ia Ġu nd f ort oc ks ĠM onday ues day c raft 7 7 ur t Ġ ver ĠH ill Ġrece ive Ġmor ning es tern Ġb ank Ġs at ir th ĠH igh Ġdev ice ĠTH E ĠCent er Ġsaf e Ġp le ĠCanad a Ġsystem s Ġass ist Ġsur v Ġb attle ĠS oc vert is S he Ġp aper Ġgrow th Ġc ast S c Ġpl ans ll ed Ġpart s Ġw all Ġmove ment Ġpract ice im ately Ġdis play Ġsomet imes om p ĠP aul ĠY es k ing 5 8 o ly Ġs on Ġav oid ok es ĠJ ew Ġto wards as c Ġ // ĠK ore Ġtalk ing Ġcor rect Ġsp ent ic ks i able e ared Ġter m Ġwant s om ing Ġ ut Ġdou b Ġfor ces Ġp lease 6 9 ĠN ovember at form ond on Ġon es Ġimmedi ately ĠRuss ian ĠM et Ġde g Ġparent s C H ĠAmeric ans al y ĠM od Ġsh own Ġcond itions Ġst uff Ġre b ĠY our Ġinclud es n own ĠS am Ġexper ien m ission ĠE ven augh t Ġannoun ced ĠRepublic an Ġdeter min Ġdescrib ed ĠCount y ( ) Ġdo or Ġchang ed Ġne igh ĠH ere Ġcle an Ġp an ĠDe cember ĠEurope an ir ing ap ter Ġcl ub ĠT uesday Ġp aid ĠN et Ġattack s Ġcharact ers Ġal one Ġdirect or d om Ġ3 5 Ġl oad Ġr out ĠCalif ornia Ġfin ally Ġr ac Ġcont r Ġexact ly res h p ri ĠIs lam Ġn ature Ġcare er Ġlat est Ġcon vers ĠS l p ose ci ent ĠIn c iv ity 8 8 ĠA tt ĠM or nes day Ġwe ight k en Ġnot e Ġteam s Ġ \ air s ĠG reen Ġh undred on ent Ġstre ng Ġcons ist ic ated Ġreg ul Ġl ic ast ic Ġt en urs day ellig ence ous ly ĠU K B I Ġcost s Ġind epend ĠA P Ġnorm al Ġh om Ġob vious Ġs we Ġst ar Ġread y ac her Ġimp lement g est Ġs ong ĠG et ĠL ab Ġinterest ing us ing Ġg iving ĠSund ay Ġet c Ġm iddle Ġrem ember r ight os ition ut ions Ġm ax 4 6 Ġyour self Ġdem and Ġtreat ment Ġd anger ĠC ons Ġgu y ĠBrit ish Ġphys ical Ġrel ated Ġrem ain Ġcould n Ġref er Ġc itiz b ox EN T bo ard Ġin n I G er o ĠSt reet osp ital ren ch cher s Ġst ra O L ag er ĠA N Ġeas ily I A en ge in y Ġcl os ock ed Ġus es ĠC oun I m u ild ? ? m ore Ġan g Ġwr ite ol ute 5 7 Ġlead er Ġread ing < / Ġaut om est s 4 3 Ġleg isl ĠG old Ġdesign ed ĠS T ĠLe g a res Ġbe aut ĠT ex Ġappear s Ġstru gg ĠR om Ġ 00 Ġcho ice Ġparticular ly ĠF rom op er ĠL ondon ann ed Ġallow s ob ile Ġdiffere nce âĢ ¢ ĠV iew ĠWed nesday Ġal though Ġrel ative Ġapplic ation ate ver Ġare n Ġmy self Ġim ag Ġdis e Ġsoc iety Ġfre qu ĠEng lish Ġpo or ĠD ay Ġwrit ing Ġse ven Ġstart ing Ġb ud Ġpr int ĠTr ans uf act ĠSt ud n ew Ġcr im Ġg ives Ġco ol a e i ance ĠGener al Ġthink ing Ġsa ve Ġlim ited ĠPart y Ġmean ing p en ow ers ĠJ ack E M Ġn ice ru pt Ġg as Ġe ight Ġfe et Ġeff ort Ġ ign ic it B l co in Ġop in Ġbr ain Wh ile he st ĠTh ursday Ġwould n augh ter Ġtou ch le ments Ġstud ies Ġcent er c ont or ge Ġcomput er Ġinvestig ation P l or ks Ġ200 8 Ġincre asing Ġst ore Ġcom ments Ġb al m en Ġdo ll Ġl iber Ġw ife Ġlaw s atur day it ness Ġmod ern ĠS k Ġadminist ration Ġopportun ity Ġs al Ġpower ful M y Ġclaim s ĠEar th ord s Ġt itle Ġes c n ame N ot om en Ġbe yond Ġc amer Ġse ll it ute ear ch Ġapp l im ent 4 2 ĠAr t Ġun f Ġviol ence ur g ĠE ast Ġcomp ared Ġopt ions Ġthrough out Ġv s ig r . [ ac hes 7 8 Ġfil es F L E L ar ian ĠJ ames ĠA ir an ch Ġdet ail Ġpie ce P S Ġn amed Ġeduc ation Ġdri ve Ġitem s Ġstud ent ic ed : : ic o Ġth row Ġsc ene Ġcomple x Ġ200 9 Ġpre c ĠB re 7 9 Ġcon cept Ġstat us am ing Ġd ied Ġknow ledge Ġbegin ning O D ru ary Ġcertain ly Ġgu ys Ġsl ight in n ound s Ġf ine Ġf at ic ations Ġper haps ĠA nt Ġinc ome Ġhtt ps Ġmajor ity port s st on Ġgreat er Ġfe ed ent ially Ġsaf ety Ġun ique and om Ġg one Ġshow ed Ġhist or Ġcoun ter i us id a Ġlead ing i pe Ġs end ĠDon ald er ve Ġdef ense ines e Ġy es ĠF ire ĠMus lim ra q Ġcontin ued os h Ġprov ides Ġpr ison ĠP re Ġhapp y Ġeconom y Ġtr ust ag s ĠG ame Ġweap ons um an ĠC le it ation Ġanal ysis ĠT imes Ġsc ience - > Ġfig ure Ġdis app ent y Ġsoft ware Ġu lt Ġoffic ers N ew I s Ġrem ains ĠInd ia Ġp sych ri ef Ġc at es c Ġob serv Ġst age ĠD ark Ġent er ch ange Ġpass ed Ġdes pite ĠO ut Ġmov ie r s Ġv oice m ine ĠPl ay Ġto ward ĠT er Ġreg ion Ġval ues or ters Ġm ount Ġoffic er ĠO ther b an Ġh ous w ood ro om I V ĠS un se e ĠO ver ro g 9 0 Ġl ay ĠT ur a wn Ġpress ure ĠS ub Ġbook s ed om ĠS and A A ag o Ġre asons f ord Ġactiv ity U T N ow ĠSen ate ce ll n ight Ġcall s in ter Ġlet ter ĠR ob ĠJ e Ġcho ose ĠL aw G et B e Ġro b Ġtyp es Ġpl atform Ġqu arter R A ĠT ime Ġmay be ĠC r 9 5 p re Ġmov ing Ġl if Ġgo ld Ġs om Ġpat ients Ġtr uth ĠK e ur ance ant ly m ar Ġchar ge ĠG reat Ġce le ---------------- ---------------- Ġro ck ro id an cy Ġcred it a ud B y ĠE very Ġmov ed ing er rib ution Ġn ames Ġstra ight ĠHe alth ĠW ell Ġfe ature Ġr ule Ġsc he in ated ĠMich ael ber g 4 1 il ed b and Ġcl ick ĠAng el on ents Â Ń ĠI raq ĠS aturday Ġa ware p art Ġpat tern O W ĠL et Ġgr ad ign ed Ġassoci ated Ġst yle n o i ation a ith il ies Ġst ories ur ation Ġindividual s ĠâĢ ¦ m iss ĠAss oci ish ing ab y Ġsum mer ĠB en Ġ3 2 Ġar ch ut y ĠTex as h ol Ġfull y Ġm ill Ġfollow ed ĠB ill ĠInd ian ĠSec ret ĠB el ĠFeb ruary Ġjob s Ġseem ed ĠGo vern i pped Ġreal ity Ġl ines Ġp ark Ġmeas ure ĠO ur I M Ġbro ther Ġgrow ing Ġb an Ġest im Ġc ry ĠS chool Ġme chan ĠO F ĠWind ows Ġr ates ĠO h Ġpos itive Ġcult ure ist ics ic a Ġh ar y a ite ly i pp Ġm ap en cies ĠWill iam I I ak ers 5 6 ĠM art ĠR em Ġal tern it ude Ġco ach row d D on Ġk ids Ġj ournal Ġcor por Ġf alse Ġwe b Ġsle ep Ġcont ain Ġst o Ġb ed iver se ĠR ich ĠCh inese Ġp un Ġme ant k nown Ġnot ice Ġfavor ite a ven Ġcond ition Ġpur pose ) ) Ġorgan ization Ġchall eng Ġman ufact Ġsus p ĠA c Ġcrit ic un es uc lear Ġm er vent ion Ġ8 0 Ġm ist ĠU s ĠT or htt p ol f Ġlarg er Ġadv ant Ġrese ar Ġact ions m l Ġke pt Ġa im , ' c ol Ġbenef its if ying Ġact ual ĠIntern ational Ġveh icle Ġch ief Ġeff orts ĠLe ague ĠM ost Ġwa it Ġad ult Ġover all Ġspe ech Ġhigh ly Ġfem ale Ġer ror Ġeffect ive 5 4 Ġenc our w ell Ġfail ed Ġcons erv Ġprogram s Ġt rou Ġa head 5 00 vertis ement I P ĠF ound p ir Ġ % Ġcr ime and er Ġloc ation ĠI ran Ġbehav ior az ing Ġr are Ġem b Ġca used Ġsh ip Ġact ive Ġcont ribut Ġg reen Ġac qu Ġref lect ven ue Ġf irm Ġb irth ] . Ġclear ly Ġem ot Ġag ency ri age Ġmem ory 9 8 S A ĠSe e ac ing C C Ġbig gest Ġr ap Ġbas ic Ġb and e at Ġsus pect ĠM ac Ġ9 0 m ark ist an Ġsp read am s k i as y ra v ĠR ober Ġdemon str r ated Ġabs olute Ġpl aces Ġim pl ibr ary Ġc ards Ġdest roy Ġv irt ve re Ġapp eared y an p oint Ġbe g Ġtem per s pe ant ed ear s ĠD irect Ġl ength Ġbl og am b Ġint eg Ġres ources ac c if ul Ġsp ot Ġfor ced Ġthous ands ĠMin ister Ġqu al ĠF rench at ically Ġgener ally Ġdr ink Ġth us I L od es Ġappro pri ĠRe ad Ġwh om Ġey e Ġcol lege Ġ4 5 ire ction Ġens ure Ġapp arent id ers Ġrelig ious Ġmin or ol ic Ġt ro ĠWh y rib ute m et Ġprim ary Ġdevelop ed Ġpe ace Ġsk in st e av a Ġbl ue Ġfam ilies Ġ ir Ġapp ly Ġin form ĠSm ith C T i i Ġlim it Ġres ist ........ ........ um n Ġconf lic Ġtw e ud d ĠT om Ġl iter qu e b on Ġha ir Ġevent ually Ġp us Ġhelp ed Ġag g or ney ĠApp le Ġf it ĠS ur Ġpre m Ġs ales Ġsecond s Ġstreng th Ġfeel ing ¿ ½ Ġt our Ġknow s o om Ġex erc Ġsom ew ï ¿½ > > Ġsp okes Ġide as Ġreg ist so ft ĠD el ĠP C Ġpro pos Ġlaun ch Ġbott om T H ĠP lease v est it z ĠIn ter Ġsc ript Ġr at ar ning Ġ il ĠJ er ĠA re Ġwh atever ok en ci ence Ġmod e Ġag ree Ġs ources Ġinit ial Ġrest rict Ġwond er us ion ## ## ĠS il vil le Ġb urn t w as ion Ġ £ Ġn or u ing Ġre ached Ġs un Ġc ateg ig ration Ġc ook Ġprom ot Ġm ale Ġcl imate Ġf ix Ġalleg ed U R all ed Ġim ages C ont ot a Ġschool s i os Ġd rop Ġst ream ĠM o Ġprevious ly al ing Ġp et Ġdou ble Ġ( @ ann el Ġdef ault t ies Ġr ank ĠD ec ĠCoun cil Ġweap on Ġst ock Ġanal y ĠSt r Ġpict ure ĠPol ice f erence Ġcent ury Ġcitiz ens Ġon to Ġexp and Ġhe ro ĠS ol Ġw ild Ġupd ate Ġcustom ers r ont d ef Ġl ik Ġcrim inal ĠChrist ian S P 7 6 Ġle aving Ġother wise ĠD ist Ġbas is 5 2 5 3 ic ip ĠB er Ġrecomm end Ġfl oor Ġc rowd ol es Ġ7 0 Ġcent ral ĠE v Ġd ream Ġdown load Ġconf ir ĠTh om Ġwind ow Ġhapp ens Ġun it Ġt end Ġs pl Ġbec omes Ġfight ing Ġpred ict ĠP ress ĠP ower Ġhe avy ak ed Ġf an or ter ate gy B A iz es Ġsp end H ere Ġ200 7 Ġad op ĠH am Ġfoot ball ĠP ort od ay 5 1 amp ions Ġtrans fer h t Ġ3 8 ter m ac ity Ġb ur ] , tern al r ig b ut Ġthere fore ĠB ecause res p re y Ġm ission S ome Ġnot ed Ġass um Ġdise ase Ġed it Ġprog ress r d ĠB rown oc al Ġadd ing Ġra ised ĠAn y Ġt ick Ġsee ing ĠPe ople Ġagre ement Ġser ver Ġw at Ġdeb ate Ġsupp osed il ing Ġlarg est Ġsuccess ful ĠP ri ĠDemocr atic Ġj ump ĠSyri a Ġown ers Ġoff ers Ġshoot ing Ġeff ic se y Ġha ven ver se te red ĠL ight im al ĠB ig Ġdef end Ġbe at Ġrecord s % ) Ġsc en Ġemploy ees Ġdev ices he m Ġcom mer ĠM ex Ġbenef it ĠPro f Ġil leg Ġsur face ĠAl so Ġh arm ing ly w ide ĠA lex Ġsh ut ĠC ur Ġl ose p m Ġchall enge se mb Ġst ation Ġint elligence Ġacc ur ĠFl or Ġrequ ires ĠM al b um Ġh ospital Ġsp irit Ġoff ered Ġprodu ce ĠComm un Ġcreat ing Ġcr is s pect Ġend ed Ġd aily Ġvot ers land s i as i h on a Ġsm art ĠOff ice ĠL ord ri al ĠIntern et Ġcirc um Ġextreme ly ' . Ġopin ion ĠM il Ġg ain B S ĠF in y p Ġuse ful Ġbud get Ġcom fort is f Ġback ground el ine Ġep isode Ġen emy Ġtri al Ġestab lish d ate ĠC ap Ġcontin ues Ġshow ing ĠUn ion w ith Ġpost ed ĠSy stem Ġe at ri an Ġr ise ĠGerman y il s Ġsign ed Ġv ill Ġgr and m or ĠEng land Ġproject s um ber Ġconf erence z a Ġrespons ible ĠAr ab Ġlearn ed âĢĶ âĢĶ i pping ĠGe orge O C Ġreturn ed ĠAustral ia Ġb rief Q u Ġbr and ill ing ab led Ġhig hest Ġtr ain ĠComm ission wh ile Ġn om cept ion Ġm ut ĠBl ue Ġinc ident v ant 8 6 ĠI D Ġn uclear 7 4 ĠL ike ĠR E ĠM icro l i m ail Ġcharg es 8 9 Ġad just ad o Ġear th N A Ġpr ices P A Ġd raft Ġrun s Ġcandid ate ens es Ġmanag ement ĠPh il ĠM iss Ġte ach g ram Ġunderstand ing a it ic ago A dd ĠE p sec ut Ġsepar ate Ġinst ance Ġe th Ġun less **** **** ĠF ore in ate Ġoper ations S p Ġf aith g ar ĠCh urch ron ic Ġconf ig os ure Ġactiv ities Ġtrad itional Ġ3 6 Ġd irection Ġmach ine Ġsur round Ġp ush un ction ĠE U Ġeas ier Ġarg ument G B Ġm icro Ġsp ending iz ations Ġthe ory ad ow Ġcall ing ĠL ast Ġd er Ġinflu ence Ġcomm it Ġph oto Ġun c ist ry g n ast e ack s Ġdis p ad y d o ĠG ood Ġ ` Ġw ish Ġreve aled Âł Âł l ig Ġen force ĠComm ittee Ġche m Ġmil es Ġinterest ed Ġsol ution ic y in ct Ġ- > ĠD et Ġrem oved Ġcomp ar e ah Ġpl ant ĠS ince Ġachie ve Ġadvant age Ġslight ly b ing Ġpl aced u nder 201 5 ĠM ad Ġt im os es Ġc ru ĠR ock Ġmost ly Ġneg ative Ġset ting Ġprodu ced Ġm ur Ġconnect ion ĠM er Ġdri ver Ġexecut ive Ġass ault Ġb orn ĠV er t ained Ġstruct ure Ġredu ce Ġdec ades Ġd ed u ke ĠM any idd en Ġle ague S e Ġjo in Ġdis co Ġd ie c ks act ions Ġass ess ag n Ġgo als our s I R Ġsen ior ill er m od ip ment oc ol u y ĠQ ue Ġpart ies ir gin Ġle arning it able Ġstre et Ġcamer a A pp Ġsk ills b re c ious Ġcele br ĠFr anc Ġexist ing Ġwill ing l or Ġ id ĠSp ace Ġcrit ical ĠL a ortun ately Ġser ve Ġc old Ġspec ies T S Ġanim als ĠB ay Ġold er ĠU nder est ic ĠT re Ġte acher Ġpre fer v is Ġth read ĠM att Ġmanag er ãĥ » Ġprofess ional ĠV ol Ġnot es The se ul a Ġf resh ent ed u zz ed y clus ion ĠR el Ġdoub t E O Ġopen ed ĠB it Ad vertisement Ġgu ess ĠU N Ġse qu Ġexpl ain ott en Ġatt ract ak s Ġstr ing Ġcont ext oss ible ĠRepublic ans Ġsol id Ġc ities Ġask ing Ġr andom u ps ur ies ar ant dd en g l ĠFlor ida Ġdep end ĠSc ott Ġ3 3 Ġi T ic on Ġmention ed Ġ2 000 Ġclaim ed Ġdefin itely ul f Ġc ore Ġopen ing ĠCon st wh ich ĠT ra A G 7 2 Ġbelie ved ad a Ġ4 8 ĠSec urity yr ight ĠP et ĠL ou Ġhold ing ======== ======== Ġ ice Ġb row Ġauthor ities h ost w ord Ġsc ore ĠD iv Ġcell s Ġtrans l Ġneigh bor Ġrem ove u ct Ġdist rict ĠA ccording Ġwor se Ġconcern s Ġpresident ial Ġpolic ies ĠH all 7 3 Ġh us A Y Ġ200 6 ĠJ ud Ġindepend ent ĠJust ice ili ar pr int igh ter Ġprotect ion z en Ġsu dden h ouse ĠJ es P R ĠIn f Ġb ul Ġ _ ĠServ ice ĠP R Ġstr ategy ff ect Ġgirl s Ġmiss ing oy al ĠTe am ul ated Ġd at Ġpolit ics ab or A ccording Ġspe ll Ġg raph ort hern T C A b Ġlab or is her Ġk ick ĠiT unes Ġstep s pos es Ġsmall er E n ber t Ġro ll Ġresear chers Ġcl osed Ġtrans port Ġlaw y ________ ________ ĠCh icago Ġas pect Ġn one Ġmar riage 9 6 Ġe lements ĠF re ĠS al Ġd ram F C t op e qu Ġhe aring Ġsupport ed Ġtest ing co hol Ġmass ive Ġst ick Ġgu ard is co ph one F rom How ever Ġb order Ġcop y ograph y l ist 7 1 Ġown er cl ass ru it r ate ĠO nce Ġdig ital Ġt ask ER S Ġinc red t es + + ĠFr ance Ġb reat ow l Ġiss ued ĠW estern Ġdet ect Ġpart ners Ġsh ared ĠC all Ġcan cer ac he rib e Ġexpl ained Ġhe at { " Ġinvest ment ĠB ook Ġw ood Ġtool s ĠAl though Ġbelie f Ġcris is Ġg e ĠM P Ġoper ation ty pe ~ ~ g a Ġcont ains ant a Ġexp ress ĠG roup ĠJ ournal k a Ġam b ĠUS A Ġfind ing Ġfund ing h ow Ġestab lished ide os Ġdeg ree Ġdanger ous ang ing Ġfre edom pp ort out hern Ġch urch Ġc atch ĠTw o Ġpres ence ĠGu ard U p Ġauthor ity ĠPro ject Ġbut ton Ġcon sequ Ġval id Ġwe ak Ġstart s Ġref erence ĠM em " ) U N or age ĠO pen Ġcol lection y m g ency Ġbeaut iful ro s Ġtell s Ġwa iting n el Ġprov iding ĠDemocr ats Ġd aughter Ġm aster Ġpur poses ĠJapan ese Ġequ al Ġturn s Ġdoc uments Ġwatch ing R es Ġr an 201 4 Ġre ject ĠKore a Ġvictim s Le vel ere nces Ġw itness Ġ3 4 Ġre form com ing Ġocc up Ġc aught Ġtra ffic ad ing Ġmod els ar io Ġserv ed Ġb atter u ate ĠSecret ary Ġagre ed Ġtr uly yn am ĠR et Ġun its ĠRes earch h and az ine ĠM ike Ġvar iety ot al Ġam azing Ġconfir med Ġentire ly Ġpurch ase Ġe lement Ġc ash Ġdeter mine D e Ġc ars ĠW all â ĸ Ġview s Ġdrug s Ġdep artment ĠSt ep u it Ġ3 9 as ure ĠCl ass Ġc overed ĠB ank Ġme re u ana Ġmult i Ġm ix Ġun like lev ision Ġsto pped Ġs em ĠG al ul es Ġwe l ĠJohn son l a Ġsk ill Ġbec oming ri e Ġappropri ate f e ell ow ĠPro t ul ate oc ation Ġweek end od ies Ġsit es Ġanim al ĠT im Ġsc ale Ġcharg ed Ġinst ruct ill a Ġmethod s Ġc ert Ġjud ge ĠH el Ġdoll ars Ġstand ing ĠS qu Ġdeb t l iam Ġdri ving ĠS um ĠEd ition Ġal bum and on I F ĠU k 6 3 ad er Ġcommer cial es h ĠGovern ment Ġdisc overed Ġout put ĠHill ary ĠCar ol Ġ200 5 Ġab use anc ing Ġsw itch Ġann ual T w Ġst ated ag ement in ner Ġdem ocr Ġres idents Ġallow ing Ġfact ors od d Ġf uck em ies Ġoccur red ot i Ġn orth ĠP ublic Ġinj ury Ġins urance C L oll y ã Ģ Ġrepe ated Ġar ms ang ed Ġconst ruction Ġf le P U ic ians Ġfor ms ĠMc C ant ic Ġm ental p ire Ġequ ipment Ġf ant Ġdiscuss ion Ġregard ing k in ar p Ġch air og ue Ġpro ceed ĠI d O ur Ġmur der M an Ġ4 9 as p Ġsupp ly Ġin put Ġwe alth liam ent Ġpro ced or ial ĠSt at ĠN FL hen s ĠInst itute Ġput ting ourn ament et ic Ġloc ated Ġk id er ia r un Ġpr inc Ġ ! go ing ĠB et Ġcl ot Ġtell ing Ġprop osed i ot or ry Ġfund s g ment ĠL ife Ġb aby ĠB ack Ġsp oke Im age Ġear n ĠA T g u Ġex change ĠL in ov ing Ġp air M ore az on Ġarrest ed Ġkill ing c an ĠC ard y d Ġident ified Ġm obile Ġthan ks ony m ĠF orm Ġhundred s ĠCh ris ĠC at Ġtre nd h at ĠA v om an Ġelect ric ĠW il S E O f Ġrest aur ot ed Ġtr ig Ġn ine Ġb omb Wh y  ¯ Ġco verage Ġapp eal ĠRober t ĠS up Ġfin ished Ġfl ow Ġdel iver Ġcal cul Ġphot os Ġph il Ġpie ces Ġapp re k es Ġr ough D o Ġpart ner Ġconcern ed Ġ3 7 ĠG en C ol ct ors Ġ= > st ate Ġsuggest ed ĠFor ce C E Ġher self ĠPl an w orks o oth ren cy Ġcor ner Ġhus band Ġintern et ĠA ut em s os en ĠAt l g en Ġbal ance 6 2 Ġsound s te xt Ġar r ov es Ġmill ions Ġrad io Ġsat isf ĠD am M r G o S pe Ġcomb at r ant ĠG ree Ġf uel Ġdist ance Ġtest s Ġdec re ĠE r Ġman aged D S Ġt it Ġmeas ures ĠL iber Ġatt end as hed ĠJ ose ĠN ight d it ĠN ov ĠE nd out s Ġgener ation Ġadv oc y th Ġconvers ation ĠS ky act ive ce l ri er ĠFr ank Ġg ender Ġcon cent Ġcar ried and a ĠV irgin Ġarri ved ic ide ad ed Ġfail ure Ġmin imum le ts Ġwor st Ġkeep ing Ġint ended Ġilleg al Ġsub sc Ġdetermin ed Ġtri p Y es Ġra ise Ġ ~ Ġfeel s Ġpack age ĠJ o h i 201 6 re al Ġf ra Ġsy mb M e uck y p ret ĠK h ĠEd it ĠWe b em ic ĠCol or Ġjust ice I nt Ġfar m ck now " > el ess Ġredu ced Ġ5 00 x x ĠR ad ĠW ood Ġcl in Ġhy p il er ur a k ins 8 5 6 1 ĠThe ir ĠM ary Ġs an Ġno vel ĠWh o Ġcap acity Ġimp ossible Ġpl ays Ġmin ister ij uana ic ate ĠS et Ġf ram Ġ ing Ġcommun ities ĠF BI it a Ġb on Ġstr ateg Ġinterest s l ock g ers m as ĠAN D Ġconflic t Ġrequire ments Ġs ac Ġoper ating in i rel ated Ġcomm itted Ġrelative ly Ġs outh ¯ ¯ Ġaff ord Ġident ity Ġdec isions Ġacc used pl ace Ġvict ory o ch i at N ame C om t ion ed s Ġsee k Ġt ight ĠIm ages Ġinit i Ġhum ans Ġfam iliar Ġaud ience Ġintern al vent ure Ġs ides ĠT O Ġd im Ġcon clud Ġapp oint Ġenforce ment ĠJ im ĠAssoci ation Ġcircum st ĠCanad ian Ġjo ined Ġdiffere nces ĠL os Ġprot est Ġtw ice w in Ġgl ass ars h ĠAr my Ġexp ression Ġdec ide Ġplan ning an ia Ġhand le ĠMicro soft ĠN or Ġmax imum ĠRe v Ġse a Ġev al Ġhel ps re f Ġb ound Ġm outh Ġstand ards Ġcl im ĠC amp ĠF ox cl es Ġar my ĠTe chn ack ing x y S S Ġ4 2 Ġbu g ĠUk rain ĠM ax ĠJ ones ĠSh ow l o Ġplan et Ġ7 5 Ġwin ning Ġf aster Ġspe ct Ġbro ken T R Ġdef ined Ġhealth y Ġcompet ition htt ps ĠIs land ĠF e Ġannoun ce ĠC up ĠInst ead Ġcl ient Ġposs ibly se ction ock et l ook Ġfin ish Ġcre w Ġres erv Ġed itor Ġh ate Ġs ale Ġcontro vers Ġp ages w ing Ġnum er Ġopp osition Ġ200 4 Ġref uge Ġfl ight Ġap art ĠL at A meric ĠAfric a Ġapplic ations ĠPal est ĠB ur Ġg ar ĠSoc ial Ġup gr Ġsh ape Ġspe aking ans ion a o ĠS n Ġwor ry ĠBrit ain P lease rou d Ġh un Ġintrodu ced Ġd iet I nd ĠSec ond Ġfun ctions ut s ĠE ach ĠJe ff Ġst ress Ġaccount s Ġgu arant ĠAn n ed ia Ġhon est Ġt ree ĠAfric an ĠB ush } , Ġs ch ĠOn ly Ġf if ig an Ġexerc ise ĠEx p Ġscient ists Ġlegisl ation ĠW ork ĠS pr à Ĥ ĠH uman Ġ è Ġsur vey Ġr ich ri p Ġmain tain Ġfl o Ġleaders hip st ream ĠIslam ic Ġ 01 ĠCol lege Ġmag ic ĠPr ime Ġfig ures 201 7 ind er x ual ĠDe ad Ġabsolute ly Ġfour th Ġpresent ed resp ond rib le Ġal cohol at o ĠD E por ary Ġgr ab Ġvar i Ġqu ant ĠPh oto Ġpl us r ick ar ks Ġaltern ative Ġp il Ġappro x th at Ġobject s ĠR o ĠAnd roid Ġsignificant ly ĠR oad k ay R ead av or Ġa cknow ĠH D ĠS ing O r ĠM ont Ġun s pro f Ġneg oti ĠAr ch ik i Ġte levision ĠJew ish Ġcomm ittee Ġmot or Ġappear ance Ġs itting Ġstri ke ĠD own com p ĠH ist Ġf old ac ement ĠLou is Ġbel ong ĠâĢ ¢ Ġm ort Ġprep ared Ġ6 4 ĠM aster Ġind eed ĠD en Ġre nt T A our ney ar c S u 9 7 Ġadv ice Ġchang ing Ġlist ed Ġlaun ched is ation ĠP eter is hes Ġl ived ĠM el ĠSup reme ĠF ederal Ġ) ; ruct ure Ġset s Ġphil os u ous Ġ ł Ġappl ied ĠN OT Ġhous ing ĠM ount Ġo dd Ġsu st D A ffic ient Ġ ? ol ved Ġp owers Ġth r Ġrem aining ĠW ater L C Ġca uses ãģ ® Ġman ner ad s Ġsuggest s Ġend s stand ing f ig ĠD un id th Ġg ay Ġter min ĠAngel es M S Ġscient ific Ġco al ap ers b ar ĠThom as Ġsy m ĠR un th is P C igr ants Ġmin ute ĠDist rict cell ent Ġle aves Ġcomple ted am in Ġfoc used Ġmon itor Ġveh icles M A ĠM ass ĠGr and Ġaffect ed itution al Ġconst ruct Ġfollow s Ġt on re ens Ġh omes ĠE xt ĠLe vel r ast ĠI r Ġel im Ġlarge ly ĠJ oe Ġvot es all s Ġbusiness es ĠFound ation ĠCent ral Ġy ards Ġmaterial s ul ner Ġgu ide Ġclos er um s Ġsp orts ed er J ust Ġtax es 8 4 ĠO ld Ġdec ade ol a Ġv ir Ġdro pped Ġdel ay it ect Ġsec ure ste in le vel Ġtre ated Ġfil ed ain e Ġv an Ġm ir Ġcol umn ict ed e per Ġro t Ġcons ult Ġent ry Ġmar ijuana ĠD ou Ġapparent ly ok ing clus ive Ġincre ases an o Ġspecific ally Ġte le ens ions Ġrelig ion ab ilities Ġfr ame ĠN ote ĠLe e Ġhelp ing Ġed ge ost on Ġorgan izations à ĥ ĠB oth hip s Ġbig ger Ġbo ost ĠSt and Ġro w ul s ab ase Ġr id L et are n ra ve Ġst ret P D Ġv ision Ġwe aring Ġappre ci Ġa ward ĠU se Ġfact or w ar ul ations ) ( Ġg od Ġter rit Ġpar am ast s 8 7 Ġen emies ĠG ames F F Ġacc ident W ell ĠMart in T ER Ġat h ĠHe ll Ġfor g Ġve ter ĠMed ic f ree Ġst ars Ġexp ensive Ġac ad ra wn ĠW he Ġl ock Ġform at Ġsold iers s m Ġag ent Ġrespons ibility or a ĠS cience Ġrap id Ġt ough ĠJes us Ġbelie ves M L Ġwe ar le te Ãĥ ÃĤ ĠD ri Ġcomm ission ĠB ob O h ap ed Ġwar m ÃĥÃĤ ÃĥÃĤ Ġ200 3 ort ion Ġhas n ust er Ġun ivers ĠI ll Ġk ing olog ies 9 4 ĠT em ĠM os Ġpat ient ĠMex ico ce an ĠDe ath ĠSand ers y ou ĠC ast ĠComp any pt y Ġhappen ing F P ĠB attle Ġb ought A m M od U s ut ers ĠC re ĠTh ose Ġ4 4 is er Ġs oul ĠT op ĠHar ry ĠA w Ġse at ff ee Ġrev olution Ġ( " ĠD uring et te Ġr ing Ġoff ensive Ġreturn s Ġv ideos Ġdis cl Ġfam ous en ced ĠS ign ĠR iver Ġ3 00 P M ĠB us ĠC H Ġcandid ates ard en Ġpercent age Ġvis ual Ġthan k Ġtrou ble ner gy Ġ200 1 Ġpro ve ash ion Ġen h ĠL ong U M Ġconnect ed Ġposs ibility O ver Ġexper t Ġl ibrary art s ĠDirect or Ġfell ow 9 2 ir ty Ġd ry Ġsign s ĠL ove Ġqu iet f oot Ġp ure ĠH un Ġf illed ph as ĠE lect end ment ĠEx pl Ġun able n s m o Ġv ast ob e Ġident ify app ing ĠCarol ina g ress Ġpro te Ġf ish Ġcircumst ances raz y ĠPh ot Ġb odies ĠM ur Ġdevelop ing ĠA R Ġexperien ced Ġsubst ant ĠBo ard es ome Ġdom estic Ġcomb ined ĠP ut Ġchem ical ĠCh ild Ġpo ol ĠC y Ġe gg c ons st ers Ġh urt Ġmark ets Ġconserv ative Ġsupp orters Ġag encies id el O b ur b Ġ4 3 ĠDef ense y e ĠA p du le Ġtemper ature Ġconduct ed ĠCh ief Ġpull ed Ġf ol L ast ont o os is V ER D es ĠP an F irst Ġadv ance Ġlic ense r ors ĠJ on Ġimag ine Ġhe ll Ġf ixed Ġinc or os ite ĠL og ick en ] : Ġsurpr ise h ab Ġc raft ol t ĠJ ul Ġd ial Ġrele vant Ġent ered Ġlead s ĠA D ĠCle an Ġpict ures ess or Ġal t Ġpay ing P er ĠMark et Ġupd ates am ily ĠT ype ĠH ome Ġ5 5 semb ly rom e 8 3 Ġgreat est Ġhe ight Ġhe av ain ts Ġlist en as er ĠS H Ġcap able ac le Ġpers pect in ating Ġoff ering ry pt ĠDe velop ab in r c Ġbr ight al ty ar row Ġsupp l ind ing ack ed gy pt ĠAn other p g ĠVirgin ia ĠL u Ġpl anned Ġp it Ġswe et T ype ĠD i Ġtyp ically ĠFranc isco Ġpro spect ĠD an Ġte en re es Ġsc hed Ġh ol Ġsc r Ġlot s l ife Ġnews p Ġfor get ĠN one ĠM iddle ĠR yan ed d Ġse vere Ġsu it ll er 9 3 Ġcor respond Ġexpl os u ations Ġfl ag g ame r id Ġpr in ĠD ata Ġde ploy ĠEn ter su it gh an ĠM en Ġthough ts Ġmat ters Ġad apt ĠA ri Ġf ill Ġfor th Ġs am Ġ4 1 Ġpay ment ĠH or Ġsp ring du c Ġl osing Ġbring ing F O al a Ġdist ribution he red b our ĠIsrael i om a Ġcomb ination Ġpl enty V E C an ĠH aw Ġper man ĠSpe cial Ġto w Ġsee king Ġexam ples Ġclass es c r Ġbe er Ġmov es ĠI P ĠK n Ġpan el E ven Ġproper ly Ġr is Ġpl ug Ġestim ated E very Ġdef ensive ag raph Ġpre gn Ġinst it ĠV ict Ġvol ume Ġpos itions Ġl inks ĠPro gram ĠWe ek ag ues Ġtrans form k er ĠC EO Ġc as Ġopp onent Ġtwe et ĠC ode Ġsh op Ġf ly Ġtal ks Ġb ag Ph one Ġa id Ġpl ants Ġ6 5 Ġatt orney ar ters qu est ĠMag ic Ġbeg ins Ġmy ster Ġenvironment al Ġst orage N N Ġm arg Ġs ke Ġmet al ell y Ġord ered Ġrem ained Ġl oved Ġprom pt Ġupd ated Ġexper ts Ġwalk ing Ġan cient Ġperform ed AT E Ġne ither i ency Ġmanufact ure ĠP ak Ġselect ed Ġm ine Ġult imately Ġexpl an Ġlab el ĠServ ices ribut ed Tr ump Ġsy n ĠU lt S C Ġme at Ġg iant ĠW ars ĠO N Ġad m Ġinter pret Ġeven ing Ġev il ĠB oston ĠW ild Ġ à ĠBit coin ĠAm azon D r ĠIn formation Ġobvious ly Ġadv anced Ph oto ol ar Ġwe ather Ġsymb ol Ġso le Ġpot entially ost er Ġorig inally m un 3 00 az e ess ions Ġde ck Ġst ood Ġyou th ĠB ern R ep ĠT est Ġbas ically ot ic Ġinvol ve ol it ly n S ee Ġair craft Ġconf irm E W Ġmess ages ĠRich ard Ġk it Ġpro hib Ġv ulner is ters Ġexist ence Ġturn ing ĠS P Ġdes ire Ġfl at Ġm ent se ason ang es Ġneighbor hood ĠL ake AT ION Ġpoint ed b ur Ġinn ov uc ks U L Ġprofess or Ġexp ressed A B ic ious Ġ200 2 ĠDe v Ġs ession Ġb are s en Ġdis s ĠC ath ĠP ass ĠP oint Ġdo ctor or row ail ed ĠR ub ĠD C ĠChar l p erson Ġwrit er igh ters ure au Ġob lig Ġrecord ed Ġbro ke Ġord ers il ty Ġmot ion in ity l aw ad ium Ġimm igration Ġcontr ast Ġb att Ġex cellent Ġtechn ical am i Ġt un Ġcl oud ĠY ear ge on Ġcre ation Ġstr ange Ġa uth Ġfor t b orn Ġext ent ĠT oday ĠCl ub Ġr ain Ġs ample Ġaccept ed Ġt act Ġf ired ĠS on Ġstand s Ġb oot Ġ4 7 Ġstat ements Ġvers ions Ġse lling ound ed Ġ199 0 Ġwere n ĠW atch Ġexper iment P ost Ġret ail ul ed In st un te ãĥ ¼ Ġdep art Ġb ond i very om pl Ġre action ĠSyri an ĠP ac app ed ani el D P Ġres olution Ġre act Ġappro ved on om m ond ĠO ffic -- - Ġrepl ace Ġt ack Ġsp ort Ġch ain Ġemer gency r ad ĠPalest in Ġ4 6 Ġautom atically Ġrout e Ġp al Ġb anks ĠPar is ĠMed ia ro ad ic ing i xt ist ed Ġg rew Ġco ord ĠW here om in Ġsub s � � Ġ ± Ġcorpor ate Ġse lection n oon ĠRep ort c s clud ing ord ers anc he ĠIt s Ġslow ly ĠE gypt ĠA cc Ġcol le iqu es E X Ġattempt s ur l ĠC ross Ġfind ings ĠS C ĠO R Ġind ex ens ity ĠW ay ĠL and Ġsh ock d is Ġd ynam Ġc art m osp S ince i est ĠB oy Ġst orm ĠCont in 201 3 he w il it Ġess ential iqu id O ther ive red Ġreason able A ct Ġsub sequ ĠP ack ĠF ort Ġconsider ing Ġun iversity l og Ġmar ried Ġill ust ĠTr ue £ ı Ġnumer ous rast ructure Ġserious ly Ġrefer red u a Ġconsist ent on na ĠRe al ru ption ci ples Ġfact s 9 1 ot es er g The n Ġacc ompl N ote Ġre venue Ġpass ing Ġm al e en ĠY et Ġg ather ter day ew ork ĠA uthor P e Ġopt im Ġr ub Ġè £ı Ġun known st one Ġun ion ol ve Ġopportun ities Ġbrow ser ĠW al ĠC ost Ġreport ing st s p et Ġs and Ġsudden ly Ġsurpr ising ĠV R Ġsomew hat ĠB as ult ure iz z ĠC D Ġchalleng es Ġsett ings Ġexperien ces ĠF ull Ġcan n Ġrece iving ES T Ġj oint Ġcult ural Ġa st 8 2 as tern ce ived ĠC ru Ġb ull p ired am m Ġfac ing p ower Ġb oss ĠH ol Ġinst r Ġincreasing ly Ġsh ift Ġstre ets ĠWilliam s ab b Ġl ie Ġl augh ĠC a P L Ġadult s Ġcustom er Ġob tained Ġsupport ing ht ml f ire Ġdetail ed Ġpick ed ĠR ight ld er E E st ood ĠK im Ġw ire Ġs ight Ġdevelop ers Ġpers ons Ġs ad Ġc up Ġwar ning Ġboy s l ong Ġb ird f o Ġw al Ġobserv ed Ġz one iven ess Ġch annel c ript Ġref used ĠAg ain Ġsu c Ġspokes man ĠRe f r ite ou ston ãĥ ³ ĠS her Ġact s ĠN ame Ġstrugg le ar ry omet imes Ġdisc rim H T Ġcateg ory Ġreal ize Ġemploy ee ĠAf ghan en ger Ġgun s ĠSte ve ĠM ot ĠO l ok ed Ġth ick Ġfair ly ill y Ġsur ve ĠM at we ight â Ķ Ġtro ops Ġag ents Ġbatter y Ġmot iv à ¡ S ec d en o very L S Ġfl u Ġconf ident ĠO per Ġem pty Ġp hen Ġse ctor Ġexc ited Ġrem ote ap h o en Ġdestroy ed Ġmor al ĠH P ĠR on Ġd ress ĠB at Ġl it ĠM S Ġa f H L r um is ms Ġshould n Ġsym pt ĠTor onto het ic Ġcar bon Ġinstall ed Ġviol ent Ġsol ar j a Ġpract ices Ġr ide ĠP enn Ġimpro ved Ġaud io Ġbehav i ĠP S Ġe ating D ata ĠRe view p ass cl aim u ated ang ers c hen Ġproper ties Ġany where An other Ġbl ow ĠJack son Ġp roud Ġplan e l ines Ġsqu are Ġpro of ans as Ġtalk ed m akers Ġs ister Ġhold s Ġres ident Ġ= = Ġresist ance Ġspl it Ġpro secut Ġconf idence res ents Ġcut s Ġexcept ion Ġz ero Get ty Ġcop yright Ġtot ally orm al ific ations ĠAustral ian Ġs ick Ġ1 50 Ġhouse hold Ġfe es Ġdri vers og en ĠN Y Ġnecess arily Ġregul ations ear ing s l Ġperspect ive c are ic ial H is Ġesc ape Ġsurpr ised ĠV an ur rent Ġv ac 8 1 ĠTh us Ġem phas ĠCh ampions ĠI ce Ġn arr Ġhead s Ġca using b el f ortunately ĠM a Ġtarg ets ci pl Ġafter noon Ġadd s ĠMay be ĠF our ess ed ple te Ġus ual ch o ing u Ġwith d ĠE nergy ĠE conom O O Ġart icles Ġinj ured Ġman age Ġexpl ains Ġdi agn R ec at ures Ġlink ed Ġdiscuss ed Ġexpl o Ġocc asion ath an Ġopp osite Ġfac es Ġden ied ĠK night Ġn ut Ġapprox imately Ġdisapp oint onym ous ĠB est ĠL o ĠH y ĠA ff Ġvot ing an while ĠII I Ġinstit utions ag ram ĠD aily Ġdr ag Ġnear by Ġgu ilty Ġcon ver P re s hip Ġre ward Ġphilos oph ĠS S u gh Ġapp s f riend Ġu pper Ġad vert Ġs now Ġfr ust Ġour selves F r ĠD ie amp ion Ġdis miss Ġc ere Ġsign al f rom Ġ ). Ġ5 2 Ġcr imes it ors est ival use um Ġcoun cil ĠS aud M ay ĠG un ic ian et her Ġsu fficient ĠH en so le Ġhistor ical ĠF ar ĠT urn Ġp in Ġsuc ceed m at ly mp Ġtrad ition ĠO k Ġc ro Ġdesc ription al le Ġsk y T e Ġwide ly Ġw ave Ġdefin ition ĠJew s Ġcy cle Ġref ere Ġbr ings us al Ġal ive Ġfrequ ently Ġint ention ĠCont rol l v y stem Ġpriv acy g ent ren ce ĠQu est ĠChrist mas Ġr ail Ġco oper Ġtest ed ĠC apt as ks Ġcomfort able Ġdel ivered sc ape Ġdep th ĠG OP Ġwrit es Ġass ets Ġsa v im ents Ġtrans ition Ġart ist ĠL ook Ġl ob Ġcomp onents ar ity Ġwalk ed Ġro ot Ġparticip ants Ġnot iced Ġres c Ġn av ĠAd minist d a ut ral pl ate Ġimport ance Ġass ert ious ly c ription Ġinj uries ĠChe ck Ġregist ered Ġint ent Ġmiss ed ograph ic Ġsent ence oun ter Ġassist ance ev in Ġdat abase Ġbuild ings Ġclass ic Ġth inks ĠOh io P r ug g Ġfe e p an Ġeffect ively Ġfac ility Ġbe ar Ġch apter Ġdog s ĠCol umb Ġl atter it ial Ġad mitted T V ĠGe org Ġpost s \ \ Ġlawy er Ġequ ival Ġm and Ġcontro lled ĠW alk ĠAnd rew Ġmen u am ental Ġprotect ed v a Ġadminist r or al Ġre in ĠS ar Ġamount s Ġn ative ĠM oon Ġrep resents Ġab andon Ġcarry ing Ġt ank m ary Ġdecl ared T ube Ġh at Ġpun ish el lect m es Ġun iverse ĠR od ph y Ġinf rastructure Ġ5 1 Ġopp osed ow nt c a ĠM ake Ġhard ware Ġco ffee R el b al w orld ĠS af ĠSe a in als Ġown ed Ġh all ers ion Ġdescrib e ĠP ot Ġport ion Ġat mosp Ġgovern ments Ġdep ending Ġoff ense Ġtr ick aw a ĠL ine ĠV is ĠH ard ĠOr ig ĠCl ick Ġdes k ĠVal ley ĠS ov Ġmov ies Ġrem ark Ġm ail Ġcons cious Ġrul ing ĠR ights Ġmed ic he nt ĠW omen > < Ġrepl aced ĠP rem ĠTh anks Ġre new ĠB all if orm Ġsh ots C omm Ġar med Ġconst ant Ġt aste Ġreal ized Ġbu ff Ġm o Ġeffic ient M ost or ation if ies Ġcommun ication Ġfl ood Ġconsequ ences Ġany way ig g ĠG M ĠTh ank Ġ iron Ġev olution ĠC op tw itter Ġ9 5 Ġrelationship s ad el ĠYou ng Ġpropos al ay ers uild ing ĠH ot OR E c os Ġcoll abor P G ax y Ġknow ing Ġsupport s ow ed Ġcontrol s Ġmere ly um er Ġath let Ġf ashion p ath Ġg ift Ġer a AN D Ġkind s ĠKore an Ġleg it ul ous Ġess entially Ġthe rap n ic Ġsuff ered Ġh ur Ġprom ise Ġex cess Ġover w Ġpr ime ĠH ouston er ry ĠM s R S 201 2 Ġst ores ĠO lymp Ġj ourney Al though S ub ĠE duc ĠCh apter Ġrequest s Ġconsum ers Ġt iny Ġis ol ĠF air b a ĠY OU Ġcr ash ce ler Ġemot ional Ġgood s Ġelect ed Ġmod er ĠLin ux Ġbl ocks Ġis land ĠSoc iety Ġelect ions Ġbroad cast Ġche ap Ġn ations Ġse asons 4 00 Ġwas te ĠS at Ġfield s em ploy Ġprof ile Ġauth ors AL L ĠG ra w est ĠT y Ġdeath s Ġv acc Ġfor med Ġd u Ġon going ĠMuslim s el f ig ure Ġass ume ĠUkrain e w ater Ġco ast Ġvot ed g or ĠA S ĠMich igan az a ĠAr m i ro Ġf lex as ters ' ' Ġwel come ar l Ġloc ations ig ation ĠF il Ġbu ying Ġarch itect Ġhard er ĠC ub Ġinter face Ġrestaur ant Ġdisco ver Ġex ceed Ġfav our ger y Ġd uty Ġp itch ad or ĠM ach b oy Ġrespond ed Ġext ended her s M any ra id if er ĠIn s S er Ġmed ium s he ĠS ports Ġmag azine ut ation Ġlim its ĠG all Ġex ternal raz il Ġyoung er t le Ġrem ind ĠC ON Ġimmedi ate Ġh idden Ġvol unte Ġsim pl od cast Ġph ase d r Ġpl ot Ġexp osure R I og rap v in an ish ĠAc ad ĠEng ine Ġexp ansion ĠP ay Y our Ġpus hed ĠE ll ĠHe ad Ġmarket ing ĠA C k et Ġh its Ġg ro ĠA ge ĠSc ot ] [ Ġst im Ġi Phone Ī Ĵ Ġn arrow ĠGet ty ĠTur key Ġperfect ly Ġen able ut ch Ġprec ise Ġreg ime Ġsh if Ġcomp ens g un d iv Ġch osen ĠK en An y Ġtre es Ġrecomm ended ĠR en u able ĠH T F ollow E G ĠH and ĠK enn Ġarg uments Ġex ists Ġb ike ĠCons erv Ġbre aking ĠG ar Ġc razy Ġvirt ual ay lor ix el Ġ19 80 Ġper mission ĠSer ies Ġconsum er Ġclose ly c alled Ġ5 4 Ġhop es Ġar ray ĠW in ĠLab our Ġsp ons ĠI re Ġp ow Ġread ers Ġemploy ment Ġcreat ure Ġresult ing Ġaccur ate Ġmom ents Ġarg ued Ġp ed D uring Ġ5 3 ĠT al Ġs ought Ġsuff ering Ġ icon le e Ġ( $ al ian  ° Ġp ra Ġbon us ( " k o Ġact ing D E f all Ġcompar ison Ġsm ooth ĠN AS u pp ĠJose ph ep ing ĠT ake ĠM id Ġs ending f ast ĠF all Ġdeal ing us er ĠOr gan C o Ġatt ached Ġse es % . Ġtyp ical AR T Ġfind s ĠAs ia um in ĠC ore ĠE nt in ent u ce ĠBl ood ĠN ever Ġem ails Ġhigh light Ġconf ront at us ut ed Ġun us Ġtop ic ĠAd am Ġb le at i Ġunder stood S et st ruct T P Ġm ob a a ĠSt art pect ed se ll Ġded icated ĠC A u an Ġsong s esc ription Ġte ch Ġr ape Ġas ide Ġgr ant Ġ5 6 s ub Ġarg ue Ġcont aining Ġsche dule Ġliber al Ġpublic ly Ġheav ily ĠU t in er ĠS ection ĠC are we et l s D is âĶ Ģ ĠF ollow B ack ĠI T Ġb es j i ĠH it est ed Ġevery body ĠSw ed Ġfem in Ġfac ilities Ġcon ven C omp ĠO S c ore Ġan x Ġdiv ision ĠC am ĠSt an m ates Ġexpl ore pl om Ġsh ares pl oad an es Ġide al et ers ĠB ase Ġpl astic Ġdist inct ĠNet work ĠSe attle Ġtrad ing ens us int end Ġex hib Ġinit ially ĠF ood Ġthous and ĠBus iness act er Ġpar agraph Ġrough ly Ġw ww Ġcreat ive ĠCon f Ġconsum ption Ġfil ms ag an Ġob tain Ġt all Ġt or Ġacknow led Ġg rown al o K E Ġ4 00 end ers t aining U G Ġsu icide Ġwat ched ĠL ist al i re hens Ġsurround ing Ġp ip Ġf lying ĠJ ava ord an Ġserv ing in ations p ost Ġsh o A v Ġj ail z y Ġ199 9 Ġ< / Ġliter ally ĠS ir Ġexp osed Ġl ies st ar Ġb at Ġear ned ĠD ig Ġspec ified ĠSe ason Ġdeg rees Don ald Ġcent re Ġsh aring Ġwin ter ĠC O C he Ġ Î M P Ġun w Ġfew er ĠM ir Ġsomew here ĠK ey Ġattack ed ĠK ir Ġdom ain Ġstrong er Ġ9 9 Ġpen alty I d Sc ript Ġdecl ined Ġne ck Ġfra ud Ġcur rency Ġr ising R C â̦ â̦ H z Ġt ab Ġtal ent n am ĠN BA Ġvill age Ġleg s ĠN ext E d Ġac id Ġhy d 8 00 Ġinvol ving ĠIm age ĠBe fore F l Ġyes terday S ource Ġterror ist Ġsu p Ġsy nt ĠSaud i Ġw est Ġr u b urg Ġvis ible Ġstru ck r ison Ġaw esome Ġd rawn Ġansw ers ĠG irl ĠR am Ġthreat s Ġdef eat os it Ġv ent atur ally Americ an end a ĠH oly Ġr um % , c ase ĠHist ory ĠYou Tube Ġsit uations ĠD NA S te Ġsa ved It em Ġrec ip olog ist Ġfac ed Ġel ig O nce ĠL i u h Ġmist ake ĠDiv ision ĠB ell Ġsympt oms  ® Ġdom in Ġfall ing Ġend ing as hes Ġmat ches ĠOn line Ġexplan ation D ef red it Ġany more ĠT otal ĠF OR us hed Ġlet ters Ġris ks ĠO K Ġreported ly : \ Ġpl ate Ġsubject s Ġattempt ed if ier ian a Ġunlike ly ĠTh ough um a ĠIn vest ĠPr in ic an ĠD ar ĠColor ado au g Ġve get a os ri a Ġshe l Ġmark ed Ġ( ) Ġsp r p o ĠL ink Ġdef e ĠJ r Ġthem e Ġpass ion ĠP en Ġinf o iz er Ġsh it ĠC ivil ap se c re Ġpo ly Ġcomp onent ĠChar les ĠIre land ĠPro v Ġdo ctors Ġgr anted Ġpain t Ġhon or Ġsm oke Ġpay ments Ġprim arily ĠKing dom r ich ate ll Ġde als Ġsched uled Ġfund amental Ġprote in Ġnewsp aper Ġcl ients yth on ĠD ate h us Ġfeed back Ġstret ch Ġc ock Ġhot el ĠQue en Ġsu gar Ġj u Ġmil k Ġappro val ĠL ive Ġequival ent ef ully Ġins ert z ona Ġext ension d ri J ohn Ġacc omp S m ĠF und Ġconst antly Ġ` ` Ġgener ated ĠA ction ĠP sych ĠT ri Ġrecogn ize Ġv ary ph a ĠR a d f et ch ĠSov iet Tw o Ġpattern s Ġprof ession an ing T ime ĠL im Ġcol ors ĠA z ĠT R Ġinf ect Ġphen omen Ġshe ll Al so Ġput s Ġdel ivery Ġbro wn Ġprocess ing Ġlight s ess age ĠBro ok ĠA ud l ation Ġindust rial L ike ĠB razil rou s ES S ĠL uc Ġsome how Ġ8 5 Ġpro port Ġpolit icians Ġindic ate Ġh ole Ġtechn iques Ġcompet itive Ġph r Ġv o ist ent ĠD ream Ġcamp us Ġaspect s Ġhelp ful Ġsh ield or se Ġtrig ger m al Ġ5 8 Ġt ort Ġperson ally Ġt ag Ġkeep s ĠV ideo Ġben ch Ġg ap a ire Ġe ast Ġrec overy per ial Ġprof it ĠM ic Ġ5 7 Ġcol on Ġstrong ly st yle Ġalleg ations h an Ġrep orters j o r ine arg et and al Ġ0 3 Ġfl ash tr ans Ġstr ict Ġpark ing ĠPak istan Ġl i Ġwe ird ĠE ric Ġreg ions ĠJ un Ġint ellect ĠW H od ing rib utes up id ĠT it Ġf inger or ia Ġe lev ĠF ield Ġcon clusion ; ; Ġfeel ings Ġext ensive Ġm ixed Ġne uro v y Ġhar ass ĠC irc ou ch Ġterrit ory Ġsuccess fully M ar Ġing red Ġoverw hel Ġl ayer V iew Ġall ies ill ance ĠTh ree Ġb unch Ġnorm ally Ġnet works Ġsac r ĠC IA b les Ġch ose Ġopp onents Ġregard less Ġfr anch Ġpre f ĠP o Ġbr idge ann a ĠSil ver Ġw age p age ri or Ġrad ical ĠL ittle Ġman ip Ġsecret ary Ġg ang D R F A Ġdec ent ĠSp irit Ġun cle ĠDevelop ment Ġinvest ors Ġwall s Ġpub lish Ġgener ate iss ions c ar Ġprom ote Ġcut ting Ġche st Ġdrink ing Ġcollect ed Ġ7 2 Ġhop ing Ġem br gor ith Ġwar ned Ġinstruct ions O G ĠD id ĠAg ency Ġg ear Ġcritic ism ĠF urther Ġut il ann y R ed Ġcoun sel ĠAs ian Ġredu ction p ool Ġteach ing Ġdeep ly i y Ġestim ates Ġcho ices Ġperman ent in em ke l Ġf asc p se f ile ĠL ow ĠP erson Ġt ournament st al Ġm el U ST ĠR ay az i V al Ġcont ained ĠH olly Ġw ake Ġreve al Ġprocess es ĠIS IS Ġ0 9 Ġbl ind Ġste el ĠB ad Ġcare fully app y ro it Ġg aming Ġhous es ĠC oll Ġtr uck er m Ġsc ored Ġocc as ret urn b ound v ar Ġsh arp Ġaf raid ĠE X am ber c ific Ġsche me N C ĠPol it Ġdecl ine Ġ199 8 Ġpus hing Ġposs ession Ġpriv ile Ġteacher s Ġy ield H A ĠDav is it led #### #### Ġr ig ĠD aniel ac on Ġh ide ut en Ġcolle agues Ġprin ciples Ġl oud Ġs in ĠDem on Ġst one Ġ0 2 Ġt aught Ġter rible Ġst uck ĠPol icy te en Ġimplement ation ĠB BC ĠAP I Ġwhe el all as Ġch ampions ol ars play er Ġrepeated ly ĠSt ill Ġlik es ast y es ter ĠCath olic R L Ġb ath Ġno ise t itle Ġn orthern P art Ġmag n Ġf ab ĠAs h Ġdis pl Ġtick et Ġm urd Ġalong side ĠMus ic Ġr iver ĠSte el ĠC L ĠPl ayer ĠM ult ow ing re p s ize Ġt ur ĠGeorg ia isc al ra ction Ġc able Ġ5 9 Ġw ins Ġup coming Ġsurv ive Ġins pired ĠEduc ation Ġstat istics ĠF oot iam i Ġy ellow ĠP age . - ĠH as Ġur ban Ġa x es sel \ " Ġquarter back Ġreg ister ĠLab or Ġab ilities ĠF amily Ġvar iable ĠPr ice Ġcont em Ġth in ĠE qu d ata Ġg otten Ġconst it Ġas ks Ġt ail Ġexc iting ĠE ffect ĠSp anish Ġencour age ins on ĠA h Ġcommit ment C S Ġr ally Ġ: : Ġsubs id Ġsp in Ġcapt ured 201 8 Ġinn oc Ġalleged ly ĠC ome Ġart ists ĠN umber Ġelect ronic Ġreg ional ap es Ġw ra Ġmy th pr ise ĠM iller ĠC reat ĠEp isode b ell Ġdirect ed Ġext ract Ġs orry Ġv ice ag ger ĠSu pport Ġ6 6 ĠI ron Ġwonder ful Ġg ra N et ion e E ng Ġsh ips ik es ĠK evin it ar Ġactiv ists tr ue ĠAri zona ent h ĠDes pite ĠS E Ġha bit ern el Ġin qu Ġab ortion Ġv oid Ġexpl icit Ġeng aged Ġang ry Ġr ating Ġfr ag b ro ick ing d ev Ġwor ried Ġob ser Ġap artment ĠG T Ġest ate ĠConst itution em on ĠS now Ġcount y Ġdis ag ĠStep hen Ġimm igrants w ind ĠN ations Ġfol ks O ut Ġg all Ġtarget ed Ġst ead ĠB on ĠL ib Ġinform ed Ġ12 0 ch ain idel ines or ough Ġdri ven Ġregular ly Ġbas ket Ġprinc iple oc ument Ġst un ib ilities ĠRom an ĠAb out Ġal ert Ġdemocr acy Ġrepresent ed H S c ers p arent Ar t p ack Ġdi plom re ts ĠN O Ġcapt ure ĠAd v Ħ ¢ Ġannounce ment ĠL ear Ġh ook Ġpur s ĠS uch ĠC amer Ġrefuge es ĠV e P ol Ġrecogn ized l ib Ġhad n A ss Ġpil ot us hing Ġreturn ing Ġtra il ĠSt one Ġrout ine Ġcour ts Ġdes per Ġfriend ly ĠIt aly Ġpl ed Ġbreat h Ġstud io N S Ġimp ressive ĠAfghan istan Ġf ing Ġd ownt ink ing ĠR og i ary col or se x ar on Ġf ault ĠN ick D own ĠR ose ĠS outhern X X is odes L ist 6 00 Ġout come er r Ġelse where Ġret ire Ġp ounds ĠGl obal Pe ople Ġcommun ications Ġlo an Ġrat io ĠEm pire Ġg onna Ġinv ent D F Ġ19 70 ĠComm on p at Ġprom ised Ġd inner ĠH om Ġcreat es Ġoper ate ver ty ĠJ ordan et ime Ġsust ain R eg Ġincred ible im a Ġwar rant Ġm m A tt Ġlaw suit Ġreview s it ure ĠS ource l ights ĠF ord Ġ6 3 g roup st ore Ġfeat ured Ġfore ver Ġpo verty ĠP op ĠC NN az z ab is ach ing Ġl aid ĠSu pp Ġfil ter en a ĠCommun ity Ġcreat ures u ction ĠR oyal Ġassoci ation ĠCon nect ĠBr ad âĸ Ī l ers the re ĠG i Ġval uable AC K ĠT aylor Ġl iquid ĠAtt orney ĠCar l ĠF inal ag a ĠWil son B ecause ĠProf essor ak a Ġincred ibly r ance ! ) R ef s k Ġsol utions Ġatmosp here Ġbl ame um es ĠN ob C A um ps r ical ĠPut in ĠD est or ic ĠP A Ġrespect ively w an Ġfif th â Ħ¢ ĠC ry Ġgovern or res ident Ġpurch ased Ġh ack Ġint ense ob s Ġorig in Ġdef ine Ġcare ful ** * Ġshould er Cl ick Ġt ied Ġdest ruction ou red Ġno body Ġh o ĠEx per Ġt ip " ; Ġtechn ique Ġj ur ĠP ok b ow Ġleg end Ġacc ord Ġbus y ĠInt el Ġh ang ak i . ] âĢĶâĢĶ âĢĶâĢĶ Ġsur gery Ġrep rodu Ġun iform Ġscen es c ode Ġ6 2 l isher ĠH ave ph ia Ġcry pt Ġrec on Ġsc ream Ġadop ted Ġsc ores N e ĠIt alian in cluding B O Ġindic ated Ġent ertain G u T ext i el Ġtw enty Ġeng age off s ĠPac ific Ġsm ile Ġperson nel Ġto ler Ġdo ors Ġt one Ġmach ines Ġent ering ten ance C O ĠJer sey Ġfore st Ġhor se Ġcompl aint ĠSpr ing y o ĠPl us ed ing ĠRet urn qu arters ial s c ow Ġacad emic Ġf ruit Ġ199 6 og ether Ġw ine Ġpur su ĠSte ven Ġlic ens Wh o Ġclot hes re ction Ġsqu ad Ġst able Ġr aw z ens St ar ut ies anc er Ġke ys ĠM u Ġcompl icated ig er ĠTe xt Ġabs or Ġ6 8 Ġfun ny Ġrel ief ĠL ew ĠC ook Ġch art Ġdraw ing G E Ġmod ule ĠB ull I LL Ġs alt 0000 0000 il le Ġres ource aw ay adel phia ĠB ru Ġ6 7 Ġsome body Ġparticip ate Ġro se we red Ġmus cle Ġcons ent Ġcontin uing ĠGuard ian ĠOr der reg on Ġre ar Ġprov ision Ġlik ed ri ent Ġb ra Tr ans Ġmeet ings Ġto x Ġcon vent Ġaut o Ġrec ording ĠSo ft 00 1 ĠR oll Ġprogram ming Ġp ic Ġprov ed Ġst ab ĠA st Ġca ption ul ating ĠAtt ack Ġnew ly Ġ199 7 f r Ġdis cipl ĠGree k Ġed ition ĠDo es ĠB ox if le ack et Ġpass es Ġgu est Ġac celer it als U D Ġaut hent ĠR est ov al t a u ine Ġarm or ĠT own Ġcomp at Ġinc hes Des pite Ġass ign he rent Ġprep are ĠM eg oc key Ġdep ends Ġtrack s w atch Ġl ists ĠN orthern Ġal ter re c ĠE astern Ġcond em Ġevery where ? ' Ġaff ili Ġf ought ": {" Ġm ac it arian Ġsc ope ĠA L aw s ar ms Ġqu e Ġenjoy ed nes ota Ġagg ressive ĠSt ory ĠI V Ġrec ipe Ġrare ly ĠMed ical val ue ang el ay ing omet hing Ġsub section Ġs outhern Ġfrequ ency re te roll ed ult s ĠN ic Ġbeh alf Ġsequ ence ab et Ġcontrovers ial Ġcomp rom Ġwork er Ġmain ly Ġal gorith ĠM ajor or ce g ender Ġorgan ized Ġf ake Ġconclud ed ĠE D ĠEx ec r age Ġch ances ber ry ĠTr ad Ġconfig uration Ġwithd raw Ġf ro ud es ĠBro ther ĠB rian Ġtri es Ġsam ples Ġb id ĠGold en Ġphot ograph if est ĠD O ĠPar liament ******** ******** R em Ġcont est Ġsign ing p x ĠZ eal âĶĢ âĶĢ E ar Ġex it Be fore ĠCor por n ull mon th Ġrac ial ott ed ĠV eg ĠRe uters Ġsw ord ps on ĠRom ney a ed Ġt rib Ġin ner Ġprot ocol ĠB i ĠM iami ever al p ress Ġsh ipping ĠAm endment ĠHow ard con nect ĠD isc ĠJ ac iam ond ĠThere fore s es ĠPrin cess ĠUS B ĠAn th Ġsurve illance Ġap olog Ġ6 1 ow a Ġf ulf j s Ġl uck ust ed Ġ § n i Ġant icip em an Ġwin ner Ġsil ver ll a ic ity Ġunus ual Ġcr ack Ġt ies e z Ġpract ical Ġprov ince ĠPl ace Ġprior ity IC E Ġdescrib es Ġbr anch F orm ask a miss ions b i Ġp orn ĠTur k Ġent hus Ġf ighters Ġ0 8 ĠDet roit Ġfound ation av id A re Ġjud gment cl ing Ġsol ve ĠDes ign W here hes is ĠT ro a fter Ġne utral ĠPalestin ian ĠHolly wood Ġadv is ĠN on y es ol is Ġrep utation Ġsm ell Ġb read ĠB ul ĠBe ach Ġclaim ing Ġgen etic Ġtechn ologies Ġupgr ade row s Ġdevelop er ĠJ osh ĠDis ney erv ed ip al Ġun ex Ġbare ly t hen ĠP ub Ġill ness et ary ĠB al Ġp atch Ġbut t Ġst upid ĠD og ĠD allas f ront ie ce Ġprot ests Ġch at oen ix Ġw ing Ġpar liament Ġ7 7 ose xual Ġre nder pt ions ĠCo ast os a ĠG reg h op ĠMan agement Ġbit coin Ġrec over Ġincor por or ne ĠUs ing Ġpre ced Ġthreat ened Ġspirit ual ĠE vent ĠF red Ġadvert ising Ġimprove ments ĠC ustom Ġer rors Ġsens itive ĠN avy Ġcre am L ook Ġex clusive Ġcomp rehens Ġde leg Ġcon ce Ġrem em Ġstruct ures Ġst ored N D Ġ1 000 U P ĠB udd A F w oman ĠAcad emy ð Ł se a Ġtem porary Ab out es ters Ġtick ets Ġposs ess in ch o z Ġl a Ġcontract s Ġun p Ġc ig ĠK at ult ural as m Ġmount ain ĠCapt ain St ep m aking ĠSp ain Ġequ ally Ġl ands at ers Ġreject ed er a im m ri x C D Ġtrans action g ener less ly Ġ| | Ġc os ĠHen ry Ġprov isions Ġg ained Ġdirect ory Ġra ising ĠS ep ol en ond er Ġcon sole in st Ġb om Ġunc ertain 1 50 ock ing Ġmeas ured Ġpl ain Ġse ats Ġd ict S L af e Ġest imate iz on at hered Ġcontribut ed Ġep isodes omm od G r AN T Ġ6 9 G ener Ġ2 50 vious ly rog en Ġterror ism Ġmove ments ent le oun ce ĠS oul Ġpre v ĠT able act s ri ors t ab Ġsuff er Ġn erv Ġmain stream ĠW olf Ġfranch ise b at Ġdem ands Ġag enda Ġdo zen Ġclin ical iz ard ĠO p t d Ġvis ited ĠPer haps Ġact or Ġde lic Ġcont ribute Ġin ject ĠE s ac co Ġlist ening Ġcon gress epend ent Ġprem ium Ġ7 6 ĠIr ish Ġass igned ĠPh ys Ġworld wide Ġnarr ative ot ype m ont b ase ĠB owl ĠAdminist ration Ġrel ation ĠE V C P Ġco vers Ġ7 8 Ġcert ific Ġgr ass Ġ0 4 pir acy ir a Ġengine ering ĠM ars Ġun employ ĠFore ign st ract Ġv en Ġst eal Ġrepl ied Ġult imate Ġtit les d ated Ġj oy a us Ġhy per ak u Ġoffic ially ĠPro duct Ġdifficult y per or Ġresult ed rib ed l ink wh o ~~ ~~ ĠSpe ed ĠV iet W ind ĠBar ack Ġrestrict ions ĠSh are Ġ199 5 ition ally Ġbeaut y op t Ġm aps ĠC R ĠN ation ĠCru z W ill Ġelectric ity Ġor g Ġb urd Ġviol ation Ġus age Ġper mit ĠCh ron ĠF ant Ġn aturally Ġ0 7 Ġth rown ĠAw oken Ġal ien ĠHer o ĠK ent ĠR ick ri ke Ġp ace }, {" G L Ġpo ison ĠT ower Ġform al al ysis Ġgen uine Ġk il a ver Ġproced ure ĠPro p intend o ĠM ain as ant Ġtr ained G ame ĠL oad ĠM A Ġcru cial Ġle ts ĠF R Ġch ampion 1 01 ĠCon ference Ġwrit ers Ġconnect ions Ġo kay ir ms ĠR and Ġenc ounter ĠB uff Ġachie ved Ġche cks isc ons Ġassist ant Ġwhen ever ĠA ccess ĠU r b in Ġcl ock is p op her Ġb orrow Ġm ad Ġperson ality on ly IS T ab ama Ġg ains Ġcommon ly Ġter r Ġhyp ot Ġre ly Ġt iss iscons in Ġrid ic f unction ĠO regon Ġun com r ating el and ĠN C Ġm oon ann on Ġvulner able ut ive ³³ ³³ ĠRad io Ġw estern se ct ĠT ony Ġocc urs ĠO s ĠH on Ã Ń Ġv essel ĠScot land Ġdiscrim ination Ġsubsequ ent st ring Ġfant asy ĠSh adow Ġtest im W E it i r as Ġbo at Ġmar ks Ġord inary Ġre n Ġrepresent ative Ġpet ition Ġ7 3 Ġad venture Ġign ore ĠPhil adelphia ĠS av V P Ġfact ory Ġt asks Ġdep ression z ed ................ ................ ĠSt orm Ġc ogn Ġelig ible Ġredu cing v ia Ġ0 5 Ġstri king Ġdoll ar h o O V Ġinstr ument Ġphilosoph y ĠMo ore ĠA venue Ġrul ed ĠFr ont IN E ĠM ah Ġscen ario ĠNAS A Ġen orm Ġdeb ut Ġte a T oday Ġabs ence S im Ġh am le ep Ġt ables ĠHe art M I K e re qu V D m ap Ġchair man Ġp ump Ġrapid ly v i Ġsubstant ial E P d es ch ant ili pp ĠS anta ri ers anche ster L oad ĠC ase Ġsa ving Ġ7 4 ĠA FP er ning oun ced ĠMin nesota ĠW as Ġrec ru Ġassess ment ĠB ron U E Ġdynam ic Ġf urn ul ator Ġprop ag h igh Ġacc ommod Ġst ack ĠS us w rit Ġre ven ĠGod d ĠZeal and ab s Ġbr ut Ġper pet h ot Ġhard ly ĠB urn ãĤ ¹ Ġst y Ġtrans actions Ġg ate Ġsc reens Ġsub mitted Ġ1 01 Ġlangu ages ugh t em en Ġfall s Ġc oc Ĥ ¬ Ġstri kes p a Ġdel iber ĠI M Ġrel ax ann els ĠSen ator Ġext rem Ġ} , ĠDe b Ġbe ll Ġdis order c ut Ġi OS Ġl ocked Ġem issions Ġshort ly " ] ĠJud ge ĠS ometimes Ġr ival Ġd ust Ġreach ing F ile ¯¯ ¯¯ ino is ĠJ ason Ġs atell are t Ġst ations Ġag ric ĠTechn ology com es ĠUn fortunately ĠChild ren Ġappl ies ast ed Ġan ger ail ability ĠDam age Ġcomp are ĠStand ard Ġaim ed ĠB a angu age Ġreg ulation Ġj ury Ġair port Ġse ctions ĠPr ince em ed Ġmedic ine Ġh itting Ġsp ark ol ves Ġad s St ate Ġfood s Ġrepl acement Ġch icken Ġlow est Ġmind s Ġinvol ves u i Ġarr ang Ġproced ures ĠWh ich ivers ary Ġb ills Ġimprove ment Ġin ev Ġexpect ations Ġintellect ual Ġsp aces Ġmechan ism 2 50 bre ak ĠZ e ĠT enn ĠB alt Ġbar rel Ġstat ic man n Pol ice Ġt ips Ġhand ling c us od ed il ton ir y Ġjournal ists our se Ġcom ic Ġnom ine IT Y Ġvers us Ġlo op Ġsur f ĠInd ust ĠHun ter Ġbelief s is an Ġset up Ġbre w im age Ġcomput ers f ol } ," ĠMed al Ġtax p Ġdisplay ed Ġg rav Ġf iscal M on ĠMos cow ĠK ong ĠCent re Ġcamer as ĠMr s ĠH ay Ġa ver ĠK elly p y Ġrequire ment Ġent itled omb ie Ġsh adow ag ic ĠA k Ġel ite Ġdiv ided Ġhead ing Ġcop ies Ġloss es Ġv it k ed ĠB ry Ġan s ĠSte am Ġrep orter he im ĠIt em Ġsuper ior d on ere nt à ¶ Ġtherap y Ġpe ak ĠMod el Ġl ying Ġg am z er r itten Ġrespons es Ġconsider ation ĠB ible Ġl oyal Ġinst ant Ġp m ĠFore st à ¼ Ġext end Ġconv icted Ġfound er Ġconv in ĠO ak che ck Ġsch olars p ed Ġover se T op c ount ĠAr k  · Ġ0 6 ĠL A m d ĠLat in im ental ĠC PU Ġsubst ance Ġminor ity Ġmanufact uring E r ocol ate Ġatt ended ĠMan ager r ations Ġappreci ate om y GB T id ency B L Ġguarant ee pos ition Ġo cean clud e Ġhead ed Ġt ape Ġlo ose Ġlog ic Ġpro ven Ġsp ir Ġad mit is a Ġinvestig ate Ġ199 4 sy lv ĠL ost c est Ġ7 1 Ġrequest ed Ġwind ows ĠPok é ĠWith out M et Ġbehavi our Ġread er Ġh ung ĠKe ep Ġro les Ġimplement ed Ġbl ank Ġserv es ĠJ ay Ġc ited ĠF riend prof it ap on Ġrep air it em arr ass Ġcrit ics ad i ĠF ather Ġsh out Ġf ool Ġ8 8 Ġprodu cing Ġl ib Ġround s Ġcirc le Ġpre par Ġsub mit Ġn ic mor row ãĥ « U nder Ġv ital ater n Ġpass word Ġpublic ation Ġprom inent Ġspeak s Ġb ars Ġde eper ĠM ill port ed Ġw id Ġbut ter Ġsm oking Ġindic ates K ey rop ri ĠF ile all ing ast ing ĠR us Ġad j Ġ7 9 av al Ġpres um bur gh on ic Ġf ur Ġpoll s ik a Ġsecond ary Ġmon ster ig s ĠCur rent E vent Ġowners hip end ar Ġarri ve ĠT ax Ġn ull ĠPri v Ġth ro Ġk iss c at Ġup set ang le it ches ect or olog ists ĠGal axy Ġcor ruption Ġh int ent er ĠH ospital Ġgreat ly Ġbeg un es y Ġso il ĠAnt on Ġmain tenance ãĥ © Ġdo zens Ġhuman ity ĠAl abama Ġr om w orth ap ing sylv ania l ah Ġg athered G A Ġattack ing f ound ĠSqu are Ġar bit ict ions ĠW isconsin Ġd ance ĠS aint arch y Ġbase ball Ġcontribut ions Ġliter ature Ġex ha per ty t est Ġb ab Ġcontain er let ter Ġfall en Ġwebs ites Ġbott le ĠS ac Ġbre ast ĠP L Ġveter an Ġinterview s ĠA le Ġb anned eng ers ĠRev olution in th Ġconc erning IV E Ġexp enses ĠMatt hew ĠColumb ia d s ist ance Ġent ity .. ." Ġrel iable Ġpar alle ĠChrist ians Ġopin ions Ġin du l ow Ġcompet e Ġth orough Ġemploy ed Ġestablish ment ig en ĠC ro Ġlawy ers ĠSt ation T E ĠL ind ĠP ur it ary Ġeffic iency âĢ IJ ĠL y Ġm ask Ġdis aster Ġag es ER E es is ĠH old Ġcas ual b led Ġen abled ĠEn vironment ĠInt elligence i per ĠM ap ĠB E Ġemer ged is dom Ġc abin Ġregist ration Ġfing ers Ġro ster Ġfram ework ĠDo ctor et ts Ġtransport ation Ġaware ness H er Ġattempt ing O ff ĠSt ore ÃĥÃĤÃĥÃĤ ÃĥÃĤÃĥÃĤ ĠK now Ġdef ence Ġsc an ĠT en ĠCh air ĠP H ĠAtl anta Ġfuck ing Ġans wered b n ĠK ar Ġcateg ories Ġr ational Ġc ust Ġrob ot Ġcorrect ly Ġg if Ġgraph ics m ic Ġground s ĠO pp i ate Ġdist ributed Ġsan ctions Ġchalleng ing ut o Ġingred ients Ġinv ited Ġfound ed ĠRe qu d ed Ġb owl Ġbrother s ĠH a I O Ġw ages im ore oc ial Ġse ed ative ly Ġaddress es ĠI owa ab eth Ġatt itude is d ch ild Ġm ole Ġdisco very y ard B r Ġ8 2 Ġsuppl ies ell ing Ġdist ingu C R Ġre cept Ġ vert Ġsw im b ec d oor ĠY eah Ġg al Ġinter act ĠE SP ĠC S amp s Ġconvin ced Ġobject ive Ġdis h ĠPhot os l ad Ġdownt own o il in ction Ġto morrow ĠC OM Ġsurv ival sh ot Ġsett lement C ons ĠX box int erest ĠS M arg o en ess Ġeth nic b ered M in ĠT ok Ġinc ent ĠComm and Ġmain tained Ġbreak s br idge at ar ag g ĠF inally un icip ĠO nt le ft Ġrecogn ition Ġ* / ĠP ers Ġwe lf Ġaddress ed ĠK ansas Ġvir us Ġwhere as Ġp apers ram s ĠMin istry Ġple asure Ġacqu ired Ġd uration j pg Ġcal m ĠN HL Ġburn ing Ġfold er ick ed ĠP y ĠIll inois Cl ass ĠGodd ess Ġperform ing Ġwelf are j ar In ter Ġl in Ġenh ance Ġnot ion f are yp es ĠAre a Ġcann abis ĠDie go f s ĠM anchester com m in ite Ġcover ing ĠS ound Ġ19 60 Ġ8 4 e lect z ing Ġcitiz en Ġph ones Ġr aid Ġign ored ĠOb ject Ġu pload c ard Ġmod ified Ġroom s ia h r ange he ast ach us Ġsuggest ing âĢ ĭ gr ade E l Ġclot hing Ġr h ĠH an un ity en cing ĠAust in sec ution t ra d em ĠQ ual Ġhe aven Ġst ages Ġw edd pl us ific ial ĠIm m ĠH o iet ies Ġphr ase Ġbr ill act ory Ġprov iders Ġsil ence Ġa er ĠA I ĠAd venture Ġplatform s Ġdemonstr ated Ġinter f ing ton Ġr aces Ġgr ade ult ane ĠTh rough f alse Ġb ow ĠA B Ġfl avor Ġhistor ic g ov Ġcol our Ġview ed ĠEm ail el come Ġinter vention Ġd iversity Ġperiod s Ġre verse ĠV ery Ġqu ote ĠLe ft th rough Ġsc rew Ġland ing Ġp ill Ġw et Ġprot esters Ġrepe at av ed er k Ġsal ary ĠPenn sylvania St ill Ġmay or Ġkit chen Ġfeat uring ĠM useum ĠT ournament ĠF al Ġser vers U C Ġany body im g ĠTr ade ixt ure the less Ġfin ance Ġcl osing ĠPat ri i ac ab el Ġ> > or ous Ġf irms sc reen un a Ġemb arrass ul se Ġlet ting Ġth rew ile y Ġch annels l an ĠVeg as Ġse ar Ġfant astic ar re uzz le ĠD er Th ose Ġsw ing Ġshe et ind ex co ver og an Ġvari ables ĠTe ch Ġsp oken ac hel ĠD a ĠMount ain Ġload ed Ġfoot age vers ion Ġun l ĠPh oenix Ġthrow ing Ġf iring Ġtrack ing Ġw idth Ġstrugg ling ro oms ot ion Ġmonth ly ĠSer ver Ġegg s op en M C Ġ199 3 Ġh ired Ġstay ed ĠAll en Ġst ro Ġ9 8 st ep ĠTurk ish Ġfab ric ist ing ĠD om Ġd ates Ġpr on Ġbasket ball Ġl ucky ĠArab ia Ġassum ed est y Ġaff airs Ġgl ad ĠInd eed ĠF A ĠW ord Ġjo ining if ice p read ir ts ĠSe lect Ġpop ulations aw are Ġn ose Ġcompl aints st art Ġsc oring Th anks Ġmin ing Ġvisit ors S H Ġdam aged Ġcharacter istics ĠP ent D C Ġ8 3 ĠS ix r ates Ġfl ags ĠB rew d og M ark // // Ġexec ution Ġj oke ph ones Ġtestim ony Ġob st Q L ĠC ut Ġstud ied ĠN intendo ick et ĠN BC Ġl ad ĠB ra ĠM oh Ġk ernel Ġoverwhel ming Ġag ed Ġapplic able ĠC ond Ġroad s ĠBl ock m ade od ge Ġcomm ands Ġoff ices vel and Ġt ut Ġrece iver ĠF ro Ġsho pping Ġi P ĠSt re ĠA BC Ġentertain ment ĠB ow ort ed M c Ġread s gr ad ĠCol lect Ġâ ĪĴ ĠCap ital eder ation Ġemploy er Ġinvolve ment Ġanx iety al ia Ġro of ĠAm ong ĠDemocr at Ġstat s ĠV ill Ġconst itutional Ġrefer ring itt y Ġtack le out ube Ġback ed ĠH ong ĠBro ad Ġe le ĠO tt Ġ199 2 h our achus etts C al Ġdefe ated Ġ8 1 es p Ġseem ingly w as ĠJ enn ĠK urd Ġg ene Ġdisc ount R et EC T ( ); Ġclub s Ġs id ĠM arsh Che ck Ġp p ĠE ag ides pread Ġbe ings F T Ġintrodu ction ĠCh ange AR D Ġ1 10 ad ows ier ce Ġme al a uthor ĠB ang lah oma Ġr anks 201 1 ?? ?? m ax Ġcoll apse Ġop ens Ġe cho Ġs oph Ġrac ist Ġenorm ous Ġw aves Ġt ap Ġcomprehens ive . -- ĠR oy Ġfarm ers Rel ated a ired ron es ĠC rim Ġproport ion Ġdesign s Ġnegoti ations Ġvirt ually ĠBat man Ġwar n Ġlegit imate m ate Ġcon vention , , net ic ĠS D Ġconsist ently Ġcompens ation Ġpunish ment Ġy e Ġt ie ĠB ureau ir lf ĠB u ĠA ren ĠPh ilipp Ġkn ife Ġmem ories ĠR oss Ġang le Ġ8 6 ĠTh under Ġre nd ĠT our Ġcount s s ung ĠIm p Ġeduc ational Ġaccess ible C OM Ġd rew y er G l am ine OR T O B I B m aster Ġtri als og y h ar ĠTr ust Ġprefer red irlf riend ĠN ev Ġb in Ġc ow P age Ġsign ature ĠB L 7 00 Ġret ired Ġby tes Ġneigh b ĠLeg end Ġdev ast Ġsuspect ed is ons ĠPoké mon sc ale Ġcap abilities Ġre vel Ġche ese d y igr ant Ġfail ing b its ĠHer oes ĠG host ĠS cient Ġappoint ed ur i Ġinst itution Ġexpand ed g reg Ġmonitor ing Ġp odcast Ġcoal ition Ġ9 6 J o Ġst olen ĠS ab Ġstop s Ġhol iday Ġint r C ar Bl ack ĠL GBT Ġwar ming ĠAnd erson Ġ8 9 Ġprodu cer M ed Ġaccur acy ĠMar vel iz abeth ĠPat rick m ony Ġmin i ac les Ġover t the y Ġmembers hip ĠV en Ġex ch Ġrem oval ĠD ave T Y m ad ĠF ind Ġad equ Ġe c Ġte eth Ġemot ion Ġper m Ġsole ly d b Ġextra ord IG HT c al Ġgu idelines Ġd ying Ġsusp ended ĠPrem ier ĠAnth ony el ve Ġd ad ĠE th ĠFoot ball Ġabandon ed Ġ< < Ġm arch Ġhor ror â̦ " Ġchild hood Ġcampaign s Ġl unch ĠAl bert bl ock âĸĪ âĸĪ ound ing Ġb one or gan ad ers ĠFl ash ĠDri ve Ġton ight Ġw ars ĠF L Ġform ation con st New s Ġcom pe or ious ĠSt aff Ġdiscuss ions ĠProt ection ĠJ am Ġcrit eria Ġinstall ation Ġaccompl ish iz za Ġpub lisher Ġresc ue ĠT ry U LL ĠS om ĠH op ore t th s ord on Ġp ocket ĠIn v Down load ĠCr ime Ġb ene ĠGu ide ĠAs sembly Ġparam eters I E ĠAlex ander Ġconc ert ĠSc he Ġsh oes Ġvis iting Ġrec all Ġb ub Ġr ural Ġconc rete ĠR os N ext R uss Ġlo ans ĠSh ield Ġtre m hem at k g ĠHar ris is ition ĠM ove ĠF C Ġf ate ĠCh o Ġt ired Ġprinc ipal h ist ien ces ath y Ġse vent Ġm ood Ġstrateg ic Ġdise ases Ġfor um Ġtem por Ġhead quarters P ar ig e fl ix Ġgu itar Ġ9 4 On ly Ġrele ases ro ph ================ ================ Ġ6 00 ĠContin ue ig ate ĠC rit sy stem Ġdis abled Ġunex pected ith ub Ġuncle ar ĠE st Ġcontr ad Ġstrateg ies vent ures Ġpass age AM E Ġimpro ving Ġreve als Ġdecre ase ov a Ġann oy ĠSh ort ĠL ibrary Ġcy ber n ell ĠH ur ĠC B Ġphot ograp U I Ġs ed G e Ġ8 7 Ġd iverse Ġencour aged Ġcons piracy Ġbird s Ġoper ator Ġhand ful Ġclass ified ? ) Ġdram atic Ġinvestig ators it o Ġw idespread ĠR oom -------------------------------- -------------------------------- Ġcollect ive Ġjournal ist St ring Ġtemper atures il a Ġgu id Ġins pect Ġmiss ile ĠMay or Ġman ual Ġsim ultane Ġrat ings Ġsu ck Ġ9 7 Ġunivers al Ġph arm Ġdis rupt ian o A V Ġf t Ġstat ist old s ĠWalk er ph p Ġunder t ĠL as ish op nt il res hold ĠWhe ther M s Ġden y ĠCl oud Ġprov ider Ġsurv iv ĠUp date h as Ġmist akes ch arge pl ed r ity Ġn ode ĠMass achusetts ool s lic ation Ġf ails em ale or i back s Ġsh irt Ġ' ' ĠN AT Ġwat ers els on Ġe ase Ġsc ar Ġcont ents m ind Ġcont ribution Ġsh r Ġhand ed Ġst ability Ġtra ve E m Ġmir ror 12 3 Ġwe igh Ġf iction ou ver ist ant r ition ĠF ed Ġphys ically Ġst ake ĠArt icle ĠAr c ĠLew is ĠM ind Ġdemonstr ate Ġprof its v ision om ic ol id Ġbatt les Ġdri ves Ġeas tern ĠS ony !! ! ar ation v ard ĠG L port ation Ġ9 2 Ġlaw makers Ġprotect ing ĠE PA Ġy eah Ġsh ame ol ph e ven x it Ġatt ach Ġrepresent ing Ġob s ĠUt ah iff s ĠFre edom à ³ A K Ġinc idents it age Ġview ers c d Ġm ouse Ġcl ar Ġaccord ance Ġb ot c or ĠSum mer he ld Ġinnoc ent Ġiniti ative ol s ________________ ________________ Ġsp ots p ace Ġconvent ional Ġcorpor ations Ġblock ed H D at tered Ġref ers Ġbu ck ĠDig ital 12 0 Ġtop ics T F Ä ģ br id re ement Ġunder lying ĠM ember Ġinvestig ating Ġpregn ancy Ġtouch down ĠB and ĠCall er Ġinst ances P P w a G ood Ġ199 1 ĠC old Ġfear s Ġrem arks Ĩ Ĵ at al Ġm it Ġexper iments i pt Col or ind u Up date Ġ9 3 A g Ġ å anc ouver B oth Ġjud ges Ob ject Ġst ere umb n Ġparticip ation ĠSt ars ĠJ ere Ġweek ly ĠB an Ġconvers ations ĠP itt u z ĠIndian a ĠK ick Ġinf ection Ġhero es Ġsett led Ġstri p Ġh al Ġd ump ĠS ci Ġl es Ġref erences ĠU RL ĠBr idge Ġwant ing For ce Ġex clus Me anwhile m n Ġg entle m aker sen al ĠG ro ou ri ĠR ain ĠAll iance Ġl ift el a S D ĠCle veland Ġrank ed Ġst adium Ġdead ly ä ¸ Ġr iding ar ia ĠAr mor Ġdocument ation ĠGree ce ree k Ġl ens ĠS a Ġg ross ĠE mer ag ers ĠD ub ĠR h ĠAM D Ġarri val Ġdes ert Ġsupp lement ĠRes p Ġkn ee Ġmarg in f ont og g 201 0 ĠP ir ĠP rom iv als Ġint ake Ġdifferent ly ug s Ġb its clud ed Ġsearch ing ĠD u um ble Ġfunction al ĠBalt imore ĠC ould Ġdes ired Ġcirc uit ĠL yn ĠG O ĠF alse re pre ' : alt ies Ġmin im Ġdro ve ĠSh ould Ġh ip Ġpro s Ġut ility ĠN ature ĠM ode P resident o pp r at form ance Ġconcent ration Ġf ont ĠB ud Ġam id Ġre vers ĠM L B ar Ġinter action Ġjur isd Ġspell s d ep f il Ġcivil ians ut ter ĠCo oper ĠBel ow Ġent rance Ġcon vert Ġcontrovers y ow ered Ġcontr ary Ġar c ĠExec utive ĠOffic er Ġpack ages Ġprog ressive w idth Ġreserv ed v ol ĠSam sung Ġprint ed Ġcent ers Ġintrodu ce ĠKenn edy Ġodd s Ġsure ly Ġindepend ence Ġpass engers repre ne ĠBe h Ġl oves ĠESP N Ġfac ilit Ġident ical Ġdo ct Ġpartners hip con f ĠH ide Ġconf used ĠC ow M en Ġw rest ĠIraq i Ġh oles ĠStud ies Ġpregn ant h ard Ġsign als I X Ġpull ing Ġgrad uate Ġnomine e D ate Ġper mitted Ġâ Ĥ¬ ĠOk lahoma St art Ġauthor ized Ġal arm ĠC os v an Ġgener ations c ular Ġdr agon ĠSoft ware ĠEd ward Ġcontro ller S en ge red ĠV ik Ġappro ached Th ank Ġcan ce Ġform ula ĠSm all Ġweak ness Ġr amp it udes j ud Ġbrill iant Ġacc us s ource Ġ8 00 ĠE vil S w Ġhom eless we ek i ens r ics ĠTh ird T O Ġorgan ic Ġpresent ation ag h ĠDown load v ation Ġas sembly or able hold ers ĠBern ie ĠHel p Ġt ong ĠF ight Ġbe ach B ook ĠL ic Ġr ush ĠR ound ou p ĠMar x Ġcalcul ated ĠDe vil ĠSar ah Ġoccasion ally Ġbul let Av ailable g ate Ġ9 1 Ġh osp Ġprom ises ĠH IV ĠSt adium ĠSt ock ĠCorpor ation g age N G ĠC redit Ġs ne ib l Ġacc um s uch Ġterror ists Ġconscious ness ĠZ h Ġdram a ool a pir ation Ġlab our ĠN in Ġut ter Ġdemocr atic Ġass ass il ation Ġg est Ġab road Ġmet ab Ġs orts Ġfl av U B Ġm g ĠNot hing ĠO d Ġmus ical 200 9 Ġdro ps oc ated ater al 0000 00 Ġg re Ġequ ality Ġburd en Ġv ig ĠLe ader -------- ---- Ġcere mony Ġf ighter Ġact ors Ġ æ am an F i Ġal ign put er Ġe lder ĠN SA Ġrepresent ation ĠOnt ario IT H usal em Ġharass ment itz er Ġsy mp Ġbox es ĠD R Ġman ifest at re Ġ ^ Ġd ies le ton Ġmiss ions et he Ġres olve Ġfollow ers Ġas c Ġk m l ord am med Ġsil ent ĠAssoci ated Ġtim ing Ġprison ers ĠK ings ĠF ive Ġtow er Ġappro aches Ġprecise ly Ġb ureau ĠM other ĠI ss Ġkey board it ual Ġfund ed Ġstay ing Ġpsych ological Ġm ile ĠLe on ĠBar b w ill Ġw ider ĠAtl antic Ġt ill ĠR ome ro t Ġaccomp an Ġfl our ac o W orld ĠExp ress ĠY u C or Ġple ased part y Ġpoint ing Ġinf lation Ġro y Ġ ), ain er Ġwedd ing orm on Ġrequ iring Ġqual ified Ġse gment EN D Ġs izes e als Ġcor rupt ass ador Ġcele b Ġdream s ĠM ess Ġcheck ing ĠV ersion Ġprep aring Ġact ively ĠD iff Ġl ux ĠW inter act eria ĠN E Ġdep uty Ġtrans gender Ġsum mary Ġin her er ies ch ar ĠY an Ġkn ock ĠP ath Ġl ip roll er Ġimp ression Ġcelebr ate Ġsl ide Ġgu ests Ġcl ip F S Ġsav ings Ġcapt ain Ġleg acy ĠDen ver Ġw ounded tab oola AC T Ġpurs ue Ġo xy Ġ q Ġsem i ĠN eed ĠAff airs Ġob sc Ġcheck ed Ġd ual C ode ĠM D le m ult y Ġ © ĠEl izabeth Ġcent uries ard ed s rc Ġev ident enn is at in Ġunemploy ment ĠMar io Ġint im Ch rist Ġbi ological Ġsold ier ĠAdd ed Ġm ath ĠG il Ġbi as Ġd ating ĠO cean Ġm ice M us h ire ĠT es Ser ver lim ited S ize Ġmet ers Ġrock et es see Ġcertific ate ĠIran ian AS S Ġgr id D ec Ġro lling com mun ĠSwed en b ury Ġtiss ue Ġrac ism ĠL ocal Ġmyster y Ġexam ine Ġst em Ġs its Ġhop ed ot ing Ġdial ogue Ġpers u W atch l ay M AN Ġch ronic ĠPort land mark et ĠS EC Ġparalle l Ġsc andal Ġcar ries Ġphenomen on h uman ack er ĠO x Ġretire ment tain ment ov ie ĠG ear Ġd uties Ġdo se Ġsc roll M B in f Ġsa uce Ġland scape red dit ĠChampions hip ĠRed dit al id Ġco in Ġover s Ġpost ing ab out Ġf el and y Ġb old Ġfocus ing e ffect G R Ġde emed Ġrecommend ations Ġste pped Ġvot er ĠDe ep ĠInst agram Ġmoder ate ĠMary land Ġrestrict ed ĠM B ĠCh all Ġto b Ġc ir ĠO cc ĠE ver Ġcoll aps IN FO = - ĠP ict ĠAcc ount n c Ġo ught Ġex port Ġdr unk ( ' Ġw ise ĠM ort ne cess Ġan cest ĠInc re Ġfrequ ent m ir Ġinterpret ation Ġdepend ent Ġco ins ĠB ol V ideo ĠJust in Ġfat al Ġcook ing Ġconf usion ip her Ġcust ody ĠMor gan om ach ĠGovern or Ġrestaur ants el ing Ġacknowled ged Ġthe r Ġgen es ch ing He y Ġtact ics ĠMex ican Ġv end Ġhe s qu er Ġnot ing ĠCamer on Ġtarget ing ro ck Ġcred its Ġemot ions Ġrepresent atives new s Ġlegisl ative Ġrem oving Ġtweet ed ĠCar ter ĠF ixed Ġfor cing Ġspeak er Ġm ales ĠViet nam l ined Ġconcept s Ġvo ices o ir ĠT rib W he ĠJer usalem ĠS ant Ġc ul Ġl ady ĠHaw ai Ġar ts ĠIn n ĠMach ine ĠEm peror Ġsl ot g ly ĠPro cess II I Ġathlet es ĠTem ple ĠRep resent Ġpres c Ġt ons Ġgold en Ġp unch ĠG R iver pool Ġen act Ġlob by Ġm os Ġpick ing Ġlif etime Ġcogn itive E ach z o Ġd ub Ġcons ists ol n Ġf estival am ous Ġint ellig w ords ĠSm art Ġde le Ġl apt Ġmag ical ĠS in b us ur ities igh th ĠRub y ĠS ure ol ving Ġj un O ST Ġimp osed Ġast ron Ġcor rel ĠN S ĠK it ĠF uture b urn Ġimm une oc us Ġcour ses ĠSt ring Ġle an Ġg host Ġout comes Ġexp ense Ġevery day Ġaccept able A h Ġequ ipped Ġor ange F R ĠD utch Th ough ĠR ank Q U ĠRober ts wh at re nd Ġdisapp ear Ġsp awn ĠL am o is Ġdes erve Ġmin imal Ġnerv ous ĠW ould Ġro ok ĠV ancouver Ġres ign sh ire ĠW orks ĠB uild Ġafford able ĠG ary ĠAren a Ġh anging Ġimpl ications ĠS ong Ġmain taining Ġgu ards C ON Ġder ived Ġexecut ed Ġthe ories Ġqu oted ĠAnd re og a sel ess in fo ĠBel g Ġt ears ĠSur v Ġbirth day ig ious im mer Ġspect rum Ġarchitect ure Ġrec ruit arm a T able Ġmon sters ĠG ov Ġdest ination Ġattract ive Ġf oss ĠMore over Ġpres ents TH E Ġrep ly pt on Ġc um Ġdel ight Ġaffect s Ġdon ations ĠT oy ĠH im M ENT Ġover come it ched ĠFant asy ĠH at ĠBe ast b ott Ġinvestig ations R un Ġhun ting d i f und Ġs essions est yle Ġport ray oid s Y eah Ġcommun icate Ġcom edy ĠY ang Ġbel t ĠMar ine Ġpredict ed Pl ay Ġimportant ly Ġremark able Ġelim inate D avid Ġb ind V ID Ġadvoc ates ĠG aza im p D B ĠN a ĠSim ilar I ES Ġchar ity v as m ath Ġâ ĸ ok er nd um Ġcap s ĠH al 2 000 e an Ġfle et Ġrec re R ight Ġsleep ing ij ing k ind Ġdesign ated à ¤ Ġanim ation ke e ĠInt rodu Ġ/ > Ġdelay ed Ġtrem end Ġcur ious U se Ġle ct d am Ġinnov ation ĠPoint s Ġload ing Ġdisp ute ct ic ird s ĠB Y Ġn urs ĠVal ue ION S ĠH um Ġtem plate m ers Ġappear ances ĠEnter tainment Ġtransl ation Ġsa ke Ġbene ath Ġin hib Ġe uro abet es Ġstud ying ĠM as Ġper ceived Ġexam ined Ġe ager Ġco aches Ġim per ch i Ġprodu ces " ). ĠEvery one Ġm unicip Ġg irlfriend Ġh ire ĠV ice Ġsu itable op y Ġin equ ĠD uke f ish f irst ĠO bs Ġinter ior ĠBru ce ĠR y Ġanal ys Ġconsider able Ġfore cast Ġf ert ors hip ĠD rug ĠA LL : " th ur ĠM ail Ġball ot Ġinst antly ĠCh annel Ġp icks Ġ198 9 Ġt ent ol i Ġcivil ian b ling ell o b u Ġin ch Ġlog o Ġcooper ation Ġwal ks Ġinvest ments Ġimp rison ĠF estival ĠK y Ġleg ally Ġg ri ch arg S l Ġthreat ening du ction fl ow Ġdismiss ed ibr aries c ap e le ĠMc G ĠHar vard ĠConserv ative ĠC BS p ng Ġro ots ĠH aving umb led ĠF un \ / ĠS earch ple x Ġdiscuss ing Ġcontin u ĠT ai ĠW ik F ree f it Ġref use Ġmanag ing Ġsy nd ip edia w alk Ġprofession als Ġguid ance Ġunivers ities Ġas semb unt u F inally AS E ĠAut o ĠH ad Ġann iversary L D ĠD ur ĠUlt imate ih ad pro duct Ġtrans it Ġrest ore Ġexpl aining Ġass et Ġtransfer red Ġbur st ap olis ĠMag azine ĠC ra ĠB R gg ed ĠH E M ich b et ĠL ady yl um erv es Ġme ets wh ite L og Ġcorrespond ing Ġins isted G G Ġsurround ed Ġt ens Ġl ane Ġco inc h ome Ġexist ed ect ed ĠDou ble lam m Ġske pt ex p Ġper ception ie v ĠBe ing o ft Ġadop t . : ] ; Wind ows Ġsatell ite AS H Ġinf ant d escription ĠMe anwhile c m oc a ĠT reat act or Ġtob acco ĠN orm em ption Ġfl esh Ġj e o op ĠHe aven Ġbe ating an im Ġgather ing Ġcult iv G O ab e ĠJon athan ĠSaf ety Ġbad ly pro t Ġcho osing Ġcontact ed Ġqu it Ġdist ur Ġst ir Ġto ken D et ĠP a Ġfunction ality 00 3 s ome Ġlimit ations Ġmet h b uild con fig N T re ll ble m ĠM om Ġveter ans ĠH u Ġtrend s are r ĠG iven ĠCa ption m ay AS T Ġwond ering ĠCl ark n ormal Ġsepar ated Ġdes p st ic b rew Ġrel ating ĠN ik ĠF arm Ġenthus i g ood d eb Ġactiv ist Ġm art Ġexplos ion ĠEconom ic L ink Ġins ight Ġconven ient Ġcounter part su pport ĠV irt ag en ĠTenn essee ĠSim on ĠA ward OC K ĠF igure Ġoverse as Ġpr ide ĠC as n ote m g C urrent Ġdispl ays cont ent Ġtravel ing Ġhosp itals ĠFin ancial ĠP ast Ġdefend ant Ġstream ing m ble ĠBer lin uk i Ġdist ribut Ġant ib Ġch ocolate ĠCast le Ġinter rupt ĠR ow Ġconvers ion Ġbug s ĠR ather li est L Y ĠJe an com mon ak h Ġ1 30 ot ton ĠDe an Ġam endment Ġgame play ĠWar ren od a Ġhigh lights Ġir re ĠNAT O Ġball s Ġdemand ing U RE ĠL uke F igure st op on ia z one iz ers ĠW R Ġaward ed Ġregul atory ĠH art ĠS N pl ing Ġs our ĠP ixel us ive Ġf et ĠS ent Ġautom atic Ġf er vern ment ĠKh an T ON f ather Ġextraord inary th rop ĠP ython ĠG PU Ġsex ually Ġdesk top it ivity ĠAnton io Ġo rient Ġe ars ob by ous es vertis ements Ġmanufacture rs ic ient min ute Ġconv iction Ġg arden p ublic Ġsatisf ied f old O K Ġin hab ĠTh ink Ġprogram me Ġst omach Ġcoord in Ġh oly Ġth reshold Ġr het Ġser ial Ġemploy ers ĠEvery thing ra h Ġb other Ġbr ands Val ue ĠT ed ĠPlan et Ġp ink ĠFurther more s a P E re ck ĠUS D ot te Ġ& & Ġland ed g ets Ġprodu cers Ġhealth care Ġdomin ant Ġdest ro Ġam ended ch ron Ġf its ĠSy d ĠAuthor ity AT CH Ġfight s ĠL LC Ġ-- - ĠCor p Ġtox ic spe cific ĠC orn ĠChe l Ġtele phone ĠP ant Ġmyster ious aun ch od ox med ia Ġwitness es ag u Ġquestion ed ĠBre xit ĠRem ember ene z Ġend orse iat ric ĠId ent Ġridic ulous 1 10 Ġpr ayer Ġscient ist Ġ19 50 ĠA qu Ġunder ground ĠU FC m are ĠL ater w ich Ġsubsc rib Ġhost s Ġer r Ġgr ants ant om Ġsum mon ear ly ĠC lear ĠPr im Ġsusp ension Ġguarant eed app er Ġr ice ĠSe an ĠSh in Ġrefere ndum Ġfl ed r ust Ġ3 60 ter y Ġsh ocked B R ĠO il ĠAll ah Ġpart ly Ġign or Ġtrans mission Ġhom osexual ivers al Ġhop efully ãĤ ¤ Ġless on L eg Ġ .. Y et t able app ropri re tt Ġbo ards Ġincor rect Ġb acteria ar u am ac Ġsn ap .' " Ġpar ad t em he art Ġav ailability Ġw isdom Ġ( + Ġpri est ĠÂł ĠÂł O pen Ġsp an Ġparam eter Ġconv ince Ġ( %) r ac Ġf o Ġsafe ly Ġconver ted ĠOlymp ic Ġres erve Ġhe aling ĠM ine M ax Ġin herent ĠGra ham Ġinteg rated D em Ġpip eline Ġapp lying Ġem bed ĠCharl ie Ġc ave 200 8 Ġcons ensus Ġre wards P al ĠHT ML Ġpopular ity look ing ĠSw ord ĠAr ts ' ) Ġelect ron clus ions Ġinteg rity Ġexclus ively Ġgr ace Ġtort ure Ġburn ed tw o Ġ18 0 P rodu Ġent reprene raph ics Ġg ym ric ane ĠT am Ġadministr ative Ġmanufacture r Ġ vel ĠN i Ġisol ated ĠMedic ine Ġback up Ġpromot ing Ġcommand er Ġfle e ĠRus sell Ġforg otten ĠMiss ouri Ġres idence m ons Ġrese mb Ġw and Ġmeaning ful P T Ġb ol Ġhe lic Ġwealth y Ġr ifle str ong row ing pl an as ury â̦ . Ġexpand ing ĠHam ilton Ġrece ives S I eat ures ĠAn im RE E P ut Ġbrief ly ri ve Ġstim ul Ġ`` ( Ġ __ Ġch ip Ġha z Ġpri ze ĠTh ings AC E ul in d ict ok u Ġassoci ate ock ets y outube St ory ateg ory Ġm ild ail ing ĠY e O rig ĠK a or ig Ġpropag anda Ġan onymous Ġstrugg led Ġout rage AT ED ĠBe ijing r ary Ġle ather Ġworld s Ġbroad er 12 5 id al ĠBet ter Ġt ear E xt Ġpropos als Ġit er ĠSqu ad Ġvol unt m i D id ĠP u p in Ġspeak ers Ġb orders Ġfig ured = ' Ġsimultane ously aed a Ġcharg ing Ġur ged Ġcon j 25 6 ĠG ordon mer ce Ġdocument ary Sh are it ol ON E ĠG arden h att ĠThom pson ane ous ap ore Ġt anks Ġless ons tr ack Ġout standing Ġvolunte ers Ġsp ray Ġmanag ers l arge Ġcamp s Ġart ificial ĠR u Ġb ags th al Ġcompat ible ĠBl ade Ġf ed Ġarg ues F I Ġunf air Ġcor n Ġoff set Ġdirect ions Ġdisappoint ed ĠCon vention Ġview ing M E oc ity Ġtown s Ġlay ers Ġro lled Ġjump ed Ġatt ribute Ġun necess inc oln Ġsupp ose ĠNet her ch a Ġbur ied Ġsix th B en ress ing OU R Ġw ound Ġcy cl Ġmechan isms Ġcongress ional ĠE lement Ġagre ements Ġdec or Ġclos est ĠM it Go ogle } } Ġm ixture Ġflu id S ign ĠSch olar Ġp ist ask et ab ling Ġrac ing he ro ri el ass y Ġche aper b en Ġvert ical amac are ĠRead ing g ments Ġhelic op Ġsacr ifice ay a p aren V A ĠL es ĠStud io Ġviol ations ĠAn na ac er é ¾ ĠR at ĠBe ck ĠD ick ĠA CT Ġcomp osition Ġtext ure ĠO wn Ġsmart phone ĠN A Ġfor b im port Ġdef ending il st re r Ġo h ĠJere my Ġbank ing cept ions Ġrespect ive / . Ġdr inks ĠW i Ġb ands ĠL iverpool Ġg rip ĠB uy Ġopen ly Ġreview ed per t Ġver ify ĠCo le ĠW ales M O Ġun pre Ġshel ter ĠIm perial Ġgu i ĠD ak Ġsuggest ions Ġexplicit ly Ġsl ave Ġblock chain Ġcompet ing Ġprom ising S ON Ġsoc cer Ġconst itution 4 29 Ġdist ract ĠU ser es ides ĠMet hod ĠTok yo Ġaccompan ied Cl ient s ur al og Ġident ification Ġinv asion as ma Ġindust ries pp ers Ġsub tle ĠUn it n atural Ġsurv ived Ġfl aw ĺ ħ ĠH oll Ġdef icit Ġtut orial ĠCh ance Ġarg uing Ġcontem porary Ġinteg ration for ward Ġt um it is Ġh iding ĠD omin ĠT an ĠB uilding ĠV in Ġspokes person ĠNot es Ġemer ging Ġprepar ation Ġpro st Ġsuspect s Ġaut onom D escription Ġdeal t ĠP ear Ġstead y Ġdecre ased Ġso vere ĠCl in Ġgrad ually ors es ĠW AR S erv ãĤ ¢ h r Ġd irty ĠB arn ĠB C Ġd il Ġcal endar Ġcompl iance Ġch amber b b Ġpass enger ate ful ĠT itle ĠSyd ney ĠG ot Ġdark ness Ġdef ect Ġpack ed ass ion Ġgod s Ġh arsh IC K le ans Ġalgorith m Ġoxy gen Ġvis its Ġbl ade Ġkil omet ĠKent ucky Ġkill er P ack enn y Ġdiv ine Ġnom ination be ing Ġeng ines Ġc ats Ġbuff er ĠPh ill Ġtra ff AG E Ġtong ue Ġrad iation ere r m em ĠExpl icit é¾ į Ġcou ples Ġphys ics ĠMc K Ġpolit ically aw ks ĠBl oom Ġwor ship e ger ut er ĠF O Ġmat hemat Ġsent enced Ġdis k ĠM arg Ġ/ * P I Ġoption al Ġbab ies Ġse eds ĠScott ish Ġth y ] ] ĠHit ler P H ng th Ġrec overed ing e Ġpow der Ġl ips Ġdesign er Ġdis orders Ġcour age Ġch aos " },{" Ġcar rier b ably H igh ĠR T es ity l en Ġrout es u ating F il N OT w all s burgh Ġeng aging ĠJava Script ore r li hood Ġun ions ĠF ederation ĠTes la Ġcomple tion ĠT a Ġprivile ge ĠOr ange Ġne ur paren cy Ġb ones Ġtit led Ġprosecut ors ĠM E Ġengine er ĠUn iverse ĠH ig n ie o ard Ġheart s ĠG re uss ion Ġmin istry Ġpen et ĠN ut ĠO w ĠX P in stein Ġbul k S ystem ic ism ĠMarket able Ġpre val Ġpost er Ġatt ending ur able Ġlicens ed ĠG h et ry ĠTrad able Ġbl ast à ¤ ĠTit an ell ed d ie H ave ĠFl ame Ġprof ound Ġparticip ating Ġan ime ĠE ss Ġspec ify Ġregard ed ĠSpe ll Ġs ons own ed Ġm erc Ġexper imental land o h s ĠDun geon in os Ġcomp ly ĠSystem s ar th Ġse ized l ocal ĠGirl s ud o on ed ĠF le Ġconstruct ed Ġhost ed Ġsc ared act ic ĠIs lands ĠM ORE Ġbl ess Ġblock ing Ġch ips Ġev ac P s Ġcorpor ation Ġo x Ġlight ing Ġneighb ors ĠU b ar o Ġbe ef ĠU ber F acebook ar med it ate ĠR ating ĠQu ick Ġoccup ied Ġaim s ĠAdd itionally ĠInt erest Ġdram atically Ġhe al Ġpain ting Ġengine ers M M ĠM ust Ġquant ity P aul Ġearn ings ĠPost s st ra ãĥ¼ ãĥ Ġst ance Ġdro pping sc ript Ġd ressed M ake Ġjust ify ĠL td Ġprompt ed Ġscr ut Ġspeed s ĠGi ants om er ĠEd itor Ġdescrib ing ĠL ie ment ed Ġnow here oc aly Ġinst ruction fort able Ġent ities Ġc m ĠN atural Ġinqu iry Ġpress ed iz ont for ced Ġra ises ĠNet flix ĠS ide Ġout er Ġamong st im s ows ki Ġclim b ne ver Ġcomb ine d ing Ġcomp r Ġsignific ance Ġremem bered ĠNev ada ĠT el ĠSc ar ĠWar riors ĠJ ane Ġcou p b as Ġtermin al , - O H Ġt ension Ġw ings ĠMy ster �� �� ĠUn like val id viron ments ĠAl i Ġn aked book s ĠM un ĠG ulf Ġd ensity Ġdim in Ġdesper ate Ġpres idency Ġ198 6 h y IN D Ġun lock im ens Ġhand led ĠE b Ġdisapp eared Ġgen re Ġ198 8 Ġdetermin ation St ream ik o ap ters Ġacknow ledge J an Ġcapital ism P at Ġ20 20 Ġpain ful Ġcur ve Ġbom bs st orm ĠMet al en cer ĠF ig ĠA aron anc hes Ġins piration Ġexha ust t ains ash i Ġdesc ript Ġr itual ĠChel sea Ġpromot ion ĠH ung ĠW ard iv a ĠE T Ġto ss all ow ĠFranc is D ep Ġhapp iness ĠGl ass Ġbet a Ġstreng then N E o a Ġbutt ons ĠMur ray Ġkick ed Qu est ĠT alk ĠS everal ĠZ ero Ġdr one ul k Ġc am ĠM obile Ġprevent ing Ġret ro ĠA x Ġcru el Ġflo at . ), Ġfil ing ĠGr ant ĠB or Ġr ib Ġchampions hip ĠM erc Ġsty les Ġc ake Ġbuild s ĠS elf io x Ġep ic oy d B el ĠSt ew . ( ah u ĠBe yond Ġout s Ġsol o ĠT ree Ġpres erve Ġt ub AR E ro c ĠIm pro ĠW right Ġbu nd Ġtr aged Ġoccas ional b ian Sec ond r ons Ġinter actions form ed s ing Ġown s Ġh ockey Gener al Ġlog ical Ġexp end Ġesc al ĠGr iff ĠC rown ĠRes erve Ġsto pping Ġexc use sec ond Ġoper ated Ġre aches ĠMal ays Ġpoll ution ĠBrook lyn Ġde lete Ġhas h Bl ock ah a âĢ ³ Ġsh orter p iece > </ Ġh orm ĠW at ĠBre ak Ġprohib ited Ġint ensity ĠAl an Ġli ability ? ! and ed Ġneigh bour ĠCol lection Ġf ires Ġrevolution ary f ly ĠOr leans Wh ite ĠW rit ĠD awn Ġsett le Ġexec ute B M Ġspokes woman Ġlif estyle Ġclick ing ĠK ill ĠLiber al ĠN azi Ġtra iler Ġmount ains Ġdam n z es p es Ġpress ing Ġb ail ĠOrgan ization Ġp ir Ġth irty Ġelect rical Ġ1 15 ĠP oly ĠR ap ĠSt rike ĠC ann Ġdemand ed Ġback ing def ault spe ed ĠLeg isl Ġmother s ĠB ody Ġvar iation ced ented p owered le ading N ever Ġg rave ĠAnt i A W Ġinterview ed ĠG ab ĠF at Ġrook ie u u Ġdep os ix on Ġam pl ret ion ĠHe at Ġpeace ful S M ie ve Ġd iver ĠVict oria Ġm ic p df Ġst ating Ġl ung Ġcritic ized Ġvacc ine ĠLoad ing ur se T ake ĠFr an ĠS old ĠRob in Ġdetect ed ĠSc ript Ġadjust ed Ġsen ator Ġopp osing Er ror C ount Ġconflic ts Ġo w ĠAr gent Ġmatch ing h h ĠTre k st arter " ), ĠA F od er xx xx ĠAl t ac re ĠP ick ĠSol ar ĠD al O ct ĠB att Ġs rc Ġeng agement Ġexecut ives Ġliber ty j ava Ġtal ented igen ous Ġcon secut .. ... In fo Ġhor rible Ġsurprising ly f eed ic ating ĠL ED Ġfem ales St ation ell er ĠOak land Ġmechan ical i ology ĠV ar Ġrob ust ett ings ott a Ġthe oret Ġret ain k ward Ġd a Ġdeploy ed d el ĠAnd y Ġsubsc ribe we b Ġn a ĠMic hel Ġpart ially ĠCome y Ġc rown ĠM aj ĠBl u r ator D ay IN T Ġdocument ed ĠG DP g i che ll Ġbrut al ĠB ab st ration Ġthe ft Ġt ube @ @ Ġqu ery ĠL incoln Ġpublish ing Ġw ore or ical Ġr ic Ġnot able Ġsubsequ ently ne x Ġobser ve ĠB oe Ġc odes m ain W H ĠS L Ġresident ial av an Ġm as are st ade on OU T Ġsoph istic ant e Ġc ens Ġ ** Ġmort ality Ġyour s Ġoccas ions Ġrec alled ĠDri ver Ġv ocal Ġbath room Ġsh ops Ġcollabor ation ĠOb amacare ĠC ell Ch ar Su per C re Ġt ends Ġt orn Ġeconom ics a very ĠR aid ĠS em Ġshould ers Ġexpect ing Ġexam ination en ame ĠU I i ability ol as ĠAm b ĠD ra Ġmid field ĠI C Ġlay out Ġflo ating f i it ative Ġtremend ous Ġ Ð Ġab und W ork ĠLight ning Ġsimilar ly Ġconserv atives Ġpr ay B E iz arre Ġt empt Ġemphas is ĠMet ro Ġf ishing Ġmar ry ne g ĠStud y Ġrec k Ġdis pos on ing bs ite Ġsusp ic Ġmer ch ĠG ib ĠDes cription ĠD VD w he ĠY emen Ġen vironments oot ing ĠMod ern e u Ġreflect s Ġh oney Ġanaly st Ġg ut d ec A ction Ġhousehold s Ġst er Ġtem ple Ġreform s Ġfavour ite Ġdead line ĠL E Th ree ĠWith in A ug Ġnight s elt a Ġinv alid ĠEx change ĠDel hi w hen inc ome Ġ ðŁ Ġwire less sc ribe ist a Ġhost ile Ġall y Ġg ig Ġout lets ĠD or EM ENT Ġas h Ġab stract OR D ĠMot or Ġadv iser ist le Ġb ases Ġcourt esy Ġcross ing Ġcle ared Ġrefuge e cos ystem Ġthrow s f un bour ne d ays Ġdisag ree ĠN ative Ġreflect ed ĠF ast ĠY ellow ĠSing apore ĠR aven Ġembr ace ĠK u ĠC hen ĠEar ly Ġappoint ment ĠMin i it ement Ġpl acing Ġb icy S R Ġwh is S U Ġinvestig ated Ġphotograph s g ithub ĠBe at ĠR ing ig hed i ar Ġev olved eral d Ġd un Ġh ub I AL Ġencour aging ĠPr int ĠD ays Ġpro secution Ġp ants az y l ive Ġfoss il ĠJ u Ġro cks ud ge ĠR ace Ġg reet b ie Ġf illing ĠL en Ġdi abetes Ġfire arms um ing enez uel ĠB B Ġaccept ing AT H Ġres ort Ġh unt ri k uck er am ents Ġsust ained Ġcross ed Ġbreak fast Ġatt ributes lect ed at ile Ġv ibr ĠK al ars on op les Ġtou ched Ġdam ages Ġimp ressed ru p Ġan ch ĠAd ams H el ĠVict or Ġmount ed ĠC C Ġdelic ious sp an ell a Ġel abor am ples Ġdef ic Ġconstit u u ates ĠM ission ĠT her ĠMon ster b es Re uters ĠInd ones h ill mun ition Ġconfirm ation ĠCons ider ac ent Ġj et ĠEm ploy ĠGT X n an ĠSp ider Ġprocess or Ġpat ri ĠPent agon ĠRob inson Ġreal istic à ± Ġappear ing Ġp ipe om ed Ġf ru Ġaw ful Ġeval uation Ġintellig ent ĠC itiz Ġfund ra od ium Ġtwe ets Ġwor n pr ing Ġkid n Ġreb els ĠK am ĠNether lands ĠS W Ġacqu isition ĠM ale ãĥ ª omb ies Ġtrad em ĠStat us B re ĠTH IS Ġad verse ĠN EW s ign Ġorgan isation en c ĠHar per ap or ĠMem bers ĠPe ace ĠAir port ĠOther s Ġscr atch ĠP il Ġsens or Ġadop tion ĠHot el ĠDr ag Ġhonest ly Ġy ard ĠFor ces Ġpat ent Ġb ass Ġquiet ly Ġbreat hing Ġp ose i ors ĠJ ess st atic IT E O ffic Ġj ew w cs Ġ14 0 Ġpre view ipp i Ġunf ortunately oke mon Ġh orn Ġre ass Ġpe er ock er Ġunt o ĠGr ay Ġclean ing Ġattract ed 200 7 P oint k ill ĠAg reement ur ches Ġhor r ĠMiss iss Ġworth y Ġfl owers t own d ll Ġre actions Ġde ce Ġindic ating M D Ġpre ference ĠM VP ess ional ĠT arget g ence ĠInd ians Ġm isc Ġfree ly Ġmus cles Ġline up Ġimpact s ous ing om i ac ular Ġcontro lling ag ine c ery he ll Ġrank ing ĠN ich ĠA ve 12 8 Ġhigh way Ġinc ons Ġb inding Ġstrugg les ĠPitt sburgh Ġgr ay r in Ġcom ics ĠS port Ġrel atives Ġfr ight Ġpro be ĠPort ug Ġv oc Ġt u ĠCor ps Ġposs ibilities Ġqual ify wcs store Ġl ibraries Ġm igrants Ġent ries Ġconsecut ive v als ĠChair man Ġh ill IM E ĠG ard Ġinequ ality f ox ĠS ave Ġc ort claim ed Ġtra its Ġp our Ġmiss iles Ġess ence Ġs ends Ġall iance Ġw ishes ĠChrist opher B ig N Y ĠJac ob s an ur red ĠS O ll y Ġadvoc ate ĠB ond Ġ" / Us ing Ġdistrict s ĠG ate ĠB ir r idge ĠN az ĠR s bo ards ĠG a ĠRe agan Ġinflu enced 1 000 ap y Ġchalleng ed Ġb arg Ġfac ulty ĠF if Ġacqu ire A c Ġin sect Ġinstr uments Ġle af th odox M essage Ġt ale Ġthere by Ġtra p Ġstrong est ĠMil itary is ible Ġ198 4 ethe less Ġflex ible Ġkill s Ġfin ishing ĠS ize Ġredu ces Ġep id Ġorient ation f ull Ġtr ace Ġl aser Ġopp ose Ġed iting Ġmoment um ä º sh ow V I ĠL ad Ġ198 5 Ġmurd ered 9 00 ut her Ġprob ability ĠP oll Ġrel uct ĠChe m ĠMont real Ġadequ ate ĠPol and ĠSher iff um ph Ġo k Ġ 000 Ġ" [ Ġoper ators ĠF er Ġmod es ĠE ve Ġdiscipl ine N ET H and Ġor al ĠW E em ail J P ĠPalestin ians Ġhe nce ĠL ess Ġover l d ig Ġintim id ĠCo al Ġr anging th a Ġdist ant Ġf ib ĠInd ex ĠW onder ĠP el hatt an ĠH ug Ã Ĺ ra it Ġwra pped ĠR PG Ġchemical s ĠM oney Ġfro zen Ġind irect ĠAgain st E nd Ġuncom fortable ĠGall ery ĠPost ed Ø § ond uct Ġconsequ ence Ġbit ter Ġ198 7 p op Ġcount less ĠAl aska ff ff Ġdepart ure Ġref und ĠI an i ated Ġsee ks Ġmechan ics Ġjurisd iction lyn n Ġal ike ĠH unt ath on Ġres olved Ġc ache Ġdist inction d irect Ġenc ount ou b be at ĠCount ry se arch Ġcontin uous Ġmod est ĠR ail th ood 1 30 B UG Ġcrim inals Ġindic ation Ġencount ered l ast ĠW y Ġide ology ĠP DF sec urity ] ) ĠJim my ĠE N Ġh iring T em Ġp ig aun t ĠCry stal Ġpen alties Ġcap ability Ġp y Ġproduct ive Ġbal anced ĠGe Force cl ick olit an od s Ġafter wards Ġplay offs ĠG ill U ser Ġback s p ub t ag Ġabs urd p iring Ġc iting Ġtr illion Ġoblig ation Ġmax im ah oo c f um i ĠAl pha ĠN elson Ġpursu ant in itely Ġf ract ent ry ber y ĠTh or Add ed ĠD J ĠG ene Ġaw kward St ud Ġwal let ĠDiv ine ari os Ġrele asing Ġed ited Ġaccompl ished B est Ġed ges Ġplan es Ġfeed ing " }," Ġdiscl osure Ġgr ain air y o ons ern and V R Ġreason ably Ġdr um Ġpart ial Ġgraph ic Ġunpre cedented Ġadv ised M icro ĠAss ad point s sc ar ĠZ one tt es Ġ7 00 v o ĠH amp Ġfix es Ġca ution Ġstr ings Ġpan els Ġle ak Ġpr icing row th ĠEr ror ĠS aints f ix Ġobserv ations ĠA bs Ġsuggest ion ĠUkrain ian Ġbar rier Ġpain ted B et im ir ĠS pect p ot orne ys Ġcomp ound Ġbe ars ĠR ush Ġlux ury S um Ġor bit ĠMar c Ġex empt ĠTra il ĠM O ĠH ans ĠWe apon oc used umin um ĠJer ry Ġb ust ĠA G ĠW iki Ġend less ĠV lad ĠB ah ĠR adeon ke ys ĠSur vey ĠV iol def ine le an Ġcomm od Ġreven ues Å į Ġfurn iture Ġcast ing Ġdiplom atic ĠPlay ers ĠK illed Ġmod ify Ġinnov ative ĠAb u n or Ġbond s Ġcoach ing M er Ġmod ules ĠPatri ots Ġenh anced Ġproceed ings Ġteam mates Ġ12 8 ard o Ġcomprom ise ĠM uch Ġfle w ĠEd ge Ġunnecess ary Ġdoct rine re port ĠOr lando ĠProf ile Ġplay off friend ly Ġcompl ain ĠM C ĠO pt ĠG B Ġbeat en Ġg olf Ġpl acement B it Ġnews letter Ġ201 9 vis or raw l ĠiP ad Ġact ed Ġju ice Ġdec ks P N su ccess ĠH alf Ġdele ted Ġsec rets Ġas ylum M art ĠAct iv ĠGu y ĠT s Ġd ys Ġassum ing Ġman a Ġsub ur Ġ12 5 M edia AR Y r ide c p Ġdifficult ies Ġcollect ing Ġbank rupt n on Ġcomp osed Ġvol t Ġmilit ants Ġ> >> ĠM ormon t or Ġpartic les ĠB art ry ption Ġad min Ġsqu ee VID IA Ġcreat or iam eter ic ular N BC Ġgrab bed Ġn odd Ġr ated Ġrot ation Ġgr asp Ġexcess ive ĠE C ĠWh it Ġinvent ory ault s ĠF B Ġe cosystem Ġbill ions Ġvent ure n amed Ġdef ender out e Inst ead ir able W ar Ġassum ption Ġb ite Ġearth qu t ail sp ace Ġgif ts boy s Ġinev itable Ġstruct ural Ġbenef icial Ġcompe lling h ole erv ation Ġco at o j inc arn ĠY ears Ġdetermin ing Ġrhet oric Ġbound aries Ġwh ites A nt add y ) - ra ham eter min Ġhar vest ĠCon c Ġlapt op ĠM atch Ġenjoy ing cc a oll ar Ġtri ps Ġadd iction ĠS ak Ġpow ered Ġc ous ĠRuss ians ie re Ġret rie qu ality Ġdiff er Ġking dom ĠL aur ĠCap itol Ġcon clusions ĠAl tern ĠN av Ġtrans parent B ER G roup ĠCom plete Ġinf er Ġint rig Ġins ane R O oph ob is en qu al Mich ael Ġm useum ĠP ope Ġres et r ative f ive Ġagg reg itte es osit ory Ġcar b ĠRec ord Ġdec ides ĠF ix Ġexcept ions ĠCommission er un s ĠEnvironment al Ġlegend ary ist ence Ġtun nel k m Ġins ult Ġt roll Ġsh ake Ġdet ention qu es ĠCh rome ĠF iles Ġsub t Ġprospect s Ġpro l re nder pro of Ġperform ances St r Ġh ref ern ame Ġachieve ment Ġf ut F ull ĠLe ban go ogle ãĥ Ī amp a May be Ġproject ed ĠE mb Ġcol leg Ġa wards Ġâ Ķ G old ĠBl ake ĠR aj if ting Ġp ending Ġinst inct Ġdevelop ments Con nect ĠM and ĠW ITH ĠPhilipp ines prof ile Ġalt ogether ĠB und ĠT D oo oo amp ed ip h Ġste am Ġold est Ġdet ection ul pt Ġ ç ĠWay ne 200 6 f a Ġcir cles ĠF u Ġdon ors appropri ate ĠDak ota j amin Ġmotiv ated Ġpurch ases ĠLouis iana ĠS pl Ġgl obe Ġ10 5 z ip c all Ġdepart ments Ġsustain able 10 5 ĠO P if iers Ġprevent ed Ġinc omp ĠComm ander Ġdom inated Ġ » Ġinvest ed Ġcomplex ity Ġin cl Ġens uring Ġreal m yn c ĠInd ependent r ained ĠJ en ĠFl ight Ġat he Ġspec ulation ĠT E oc ate t ic Ġpl aint her ry Ġto y Ġ1 11 Ġpl ates st atus ĠIs a Ġdev oted C op ĠE S 25 5 ur rency M ain Ġsl aves Ġpe pper Ġqu otes Ġce iling ĠF ish Ġtrans formation Ġfra ction Ġadvant ages Ġto ile Ġstun ning Ġmo ist bre aking s i ĠL ocation ĠMed ium Ġtext s Ġu gly Ġb io . âĢĶ ĠB ased Ġtr ains ĠW ing ĠAn cient ĠRec ords ĠH ope Spe cial ades h ob i [ / Ġtempor arily V er h u os er Ġover night Ġm amm ĠTre asury ĠV enezuel ĠMeg a Ġt ar Ġexpect s bl ack or ph \\ \\ Ġaccept ance Ġrad ar s is Ġjun ior Ġfram es Ġobserv ation ac ies P ower ĠAdv anced M ag olog ically ĠMe chan Ġsent ences Ġanaly sts augh ters force ment Ġv ague Ġcl ause Ġdirect ors Ġeval uate Ġcabin et M att ĠClass ic A ng Ġcl er ĠB uck Ġresear cher Ġ16 0 Ġpoor ly Ġexperien cing ĠP ed ĠMan hattan Ġfre ed Ġthem es ad vant Ġn in Ġpra ise 10 4 ĠLib ya b est Ġtrust ed Ġce ase Ġd ign D irect Ġbomb ing Ġm igration ĠSci ences Ġmunicip al ĠA verage Ġgl ory Ġreve aling Ġare na Ġuncertain ty Ġbattle field ia o G od Ġc inem ra pe el le ap ons Ġlist ing Ġwa ited Ġsp otted ke ley ĠAud io e or ard ing idd ing ig ma ĠN eg Ġl one Ġ ---- ex e d eg Ġtrans f Ġwas h Ġsl avery Ġexpl oring ĠW W ats on Ġen cl l ies ĠC reek Ġwood en Man ager ĠBr and um my ĠAr thur Ġbureau cr Ġbl end ar ians F urther Ġsupposed ly Ġwind s Ġ19 79 Ġgrav ity Ġanalys es ĠTra vel ĠV eter Ġd umb Ġaltern ate g al Ġconsum ed Ġeffect iveness .' ' Ġpath s ond a L A ĠStr ong Ġen ables Ġesc aped Ġ" " Ġ1 12 Ġ198 3 Ġsm iled Ġtend ency F ire Ġp ars ĠR oc Ġl ake Ġf itness ĠA th ĠH orn Ġh ier Ġimp ose m other Ġp ension ic ut bor ne ic iary . _ ĠS U Ġpol ar is y eng u itial ized AT A w rite Ġexerc ises ĠD iamond ot ypes Ġharm ful on z Ġprint ing st ory Ġexpert ise ĠG er Ġtraged y ĠF ly Ġd ivid amp ire st ock M em Ġre ign Ġun ve Ġam end ĠProp het Ġmut ual ĠF ac Ġrepl acing H ar ĠCirc uit Ġthro at ĠSh ot Ġbatter ies Ġto ll Ġaddress ing ĠMedic aid Ġp upp ĠN ar ol k Ġequ ity M R ĠHis pan ĠL arge m id D ev Ġexp ed Ġdem o ĠMarsh all erg us Ġf iber Ġdiv orce ĠCre ate Ġsl ower ĠPark er ĠStud ent ĠTr aining Ret urn ĠT ru Ġc ub ĠRe ached Ġpan ic Ġqu arters Ġre ct Ġtreat ing Ġr ats ĠChristian ity ol er Ġsac red Ġdecl are ul ative et ing Ġdeliver ing est one Ġt el ĠL arry Ġmet a ac cept art z ĠRog er hand ed Ġhead er Ġtra pped ĠCent ury Ġkn ocked ĠOx ford Ġsurviv ors b ot Ġdemon stration Ġd irt Ġass ists OM E ĠD raft ortun ate fol io pe red ust ers g t ĠL ock Ġjud icial ver ted Ġsec ured out ing ĠBook s Ġhost ing Ġlif ted l ength Ġj er Ġwhe els ĠR ange umbn ails Ġdiagn osis te ch ĠStew art ĠP ract Ġnation wide Ġde ar Ġoblig ations Ġgrow s Ġmand atory Ġsusp icious ! ' A pr G reat Ġmort gage Ġprosecut or Ġeditor ial ĠK r Ġprocess ed ung le Ġflex ibility Ear lier ĠC art ĠS ug Ġfoc uses Ġstart up Ġbre ach ĠT ob cy cle ãĢ Į ro se Ġb izarre ãĢ į Ġveget ables $ $ Ġret reat osh i ĠSh op ĠG round ĠSt op ĠHawai i ĠA y Per haps ĠBe aut uff er enn a Ġproduct ivity F ixed cont rol Ġabs ent ĠCamp aign G reen Ġident ifying Ġreg ret Ġpromot ed ĠSe ven Ġer u ne ath aug hed ĠP in ĠL iving C ost om atic me ga ĠN ig oc y Ġin box Ġem pire Ġhor izont Ġbr anches Ġmet aph Act ive ed i ĠFil m ĠS omething Ġmod s inc ial ĠOrig inal G en Ġspir its Ġear ning H ist Ġr iders Ġsacr ific M T ĠV A ĠS alt Ġoccup ation ĠM i Ġdis g lic t Ġn it Ġn odes e em ĠP ier Ġhat red ps y ãĥ ī Ġthe ater Ġsophistic ated Ġdef ended Ġbes ides Ġthorough ly ĠMedic are Ġbl amed arent ly Ġcry ing F OR pri v Ġsing ing ĠI l Ġc ute o ided olit ical ĠNe uro å ¤ Ġdon ation ĠEag les ĠG ive T om Ġsubstant ially ĠLic ense ĠJ a Ġg rey ĠAn imal ĠE R ĠU nd Ġke en Ġconclud e ĠMississ ippi Eng ine ĠStud ios P ress o vers ll ers Ġ3 50 ĠR angers Ġr ou ert o E p iss a iv an Ġse al ĠReg ist dis play Ġwe aken u um ĠComm ons ĠS ay Ġcult ures Ġl aughed Ġsl ip Ġtreat ments iz able m art ĠR ice Ġbe ast Ġob esity ĠLa ure ig a Wh ich hold er Ġelder ly Ġp ays Ġcompl ained Ġc rop Ġpro c Ġexplos ive ĠF an ĠAr senal A uthor ef ul Ġme als Ġ( - id ays Ġimag ination Ġann ually Ġm s as ures H ead ik h m atic Ġboy friend ĠCom puter Ġb ump Ġsur ge ĠCra ig ĠKir k D el medi ate Ġscen arios ĠM ut ĠSt ream Ġcompet itors Ù Ħ ĠStan ford ĠRes ources az ed b age Ġorgan is ĠRe lease Ġsepar ately Ġha bits Ġmeasure ments ĠCl ose Ġaccomp any Ġg ly Ġt ang ĠR ou Ġplug in Ġcon vey ĠChall enge oot s j an Ġcur s ĠRel ations ke eper Ġapproach ing p ing Spe aking Ġarrang ement ĠV I are ttes Ġaffect ing Ġperm its b ecause Ġu seless ĠH us !! !! Ġdestro ying Un fortunately Ġfasc inating S em Ġelect oral Ġtrans parency ĠCh aos Ġvolunte er Ġstatist ical Ġactiv ated ro x We b H E ĠHamp shire is ive M ap Ġtr ash ĠLaw rence st ick C r Ġr ings EX T Ġoper ational op es D oes ĠEv ans Ġwitness ed P ort Ġlaunch ing ec onom w ear ĠPart icip um m cul es ĠR AM ĠT un Ġass ured Ġb inary Ġbet ray Ġexpl oration ĠF el Ġad mission it ated S y Ġav oided ĠSim ulator Ġcelebr ated ĠElect ric ¥ ŀ Ġcl uster itzer land he alth L ine ĠN ash at on Ġsp are Ġenter prise ĠD IS clud es Ġfl ights Ġreg ards ĠÃ Ĺ h alf Ġtr ucks Ġcontact s Ġunc ons ĠCl imate Ġimm ense N EW oc c ect ive Ġemb od Ġpat rol Ġbes ide Ġv iable Ġcre ep Ġtrig gered ver ning Ġcompar able q l Ġg aining ass es Ġ( ); ĠG rey ĠM LS s ized Ġpros per " ? Ġpoll ing Ġsh ar ĠR C Ġfire arm or ient Ġf ence Ġvari ations g iving ĠP i osp el Ġpled ge Ġc ure Ġsp y Ġviol ated Ġr ushed Ġstro ke ĠBl og sel s ĠE c ,' ' Ġp ale ĠColl ins ter ror ĠCanad ians Ġt une Ġlabor atory Ġn ons t arian Ġdis ability ĠG am Ġsing er al g ĠSen ior Ġtrad ed ĠWar rior Ġinf ring ĠFrank lin Ġstr ain ĠSwed ish Ġsevent h ĠB enn ĠT ell Ġsynd rome Ġwond ered id en ++ ++ ig o Ġpur ple Ġjournal ism Ġreb el Ġf u bl og Ġinv ite ren cies ĠCont act Is rael ĠCont ent Ġche er Ġbed room ĠEngine ering ĠQue ens Ġd well ĠPlay Station ĠD im ĠCol on l r Ġoper ates Ġmotiv ation US A ast ered C ore ĠTr uth ol o OS E ĠMem ory Ġpred ec Ġan arch Ġ19 20 ĠY am à ¨ b id Ġgr ateful Ġexc itement Ġtre asure Ġlong est ct ive Ġdes erves Ġreserv es Ġcop s ĠOtt awa ĠEgypt ian ank ed Ġart if Ġhypot hesis : / Ġpurch asing Ġlove ly H P Ġdiv ide Ġstrict ly Ġquestion ing Ġtaxp ayers ĠJ oy Ġroll s ĠHe avy Ġp orts Ġmag netic Ġinf lamm Ġbr ush t ics â ĪĴ Ġbott les pp y Ġp add ãĤ ¯ m illion Ġdevast ating Ġcomp iled Ġmed ication Ġtw elve ĠPer ry Sp ace im b y our Ġle aked ĠT ar Ġun ity Ġinfect ed Ġtravel ed ID E ĠMc Donald t xt ĠPr inc Ġinter ven ĠTai wan ĠP ow Ġbe aring ĠTh read Ġz ones iz ards un ks Ch apter ll or Ġ · Ġw ounds Ġdisc retion Ġsucceed ed ik ing Ġicon ic C all Ġscreen ing ĠM is ict s Ġmin isters Ġsepar ation Pl ayer Ġb ip Ġbel oved Ġcount ing ĠE ye ar ound ing ing Ġtable t Ġoff ence in ance h ave ĠInf o ĠNin ja Ġprotect ive ĠC ass M ac ĠQual ity N orth Ġ ic ĠCub a ĠChron icle ĠPro perty Ġfast est ot os ĠG erm OW N Ġbo om ĠStan ley ergus on Ġcle ver Ġent ers m ode ter ior ĠS ens Ġlin ear AR K Ġcomp aring Ġpure ly Ġsaf er ĠPot ter Ġc ups R T Ġgl uc Ġatt ributed Ġdu pl ĠP ap Ġprec ious Ġp a iction ary ĠT ig ĠTo o ol utions st an Ġrob ots Ġlob b Ġstat ute Ġprevent ion w estern 16 0 ĠAct ive ĠMar ia h al N one ell ar ĠK B ĠPart ners ĠSing le ĠFollow ing ang o ac ious Ġth ou Ġk g Ġinflu ential ĠFriend s S ur ain ted Ġfor ums Ġst arter Ġcitizens hip ĠE lection on ge ot ation os ph ;; ;; ut ical p ur ere n Ġaccus ations bit ious ab bit ĠOr d Post ed ir k Ġsens itivity ic he ĠAm y ĠF ab Ġsum mit Ġped est Ġrub ber Ġagric ultural Ġcan cel A E Ġin aug Ġcont am Ġfirm ly i w st age ĠK an Ġt ier Ġinv ention Ġtransl ated ĠR ules B ox Tw itter ID S Ġp izza Ġdeb ug ĠD rop v s Ġh orses b ig Ġb oring Ġh ood ĠMcC ain at ched ĠBro s Ġsk ip Ġess ay st at ĠLeg ends Ġam munition au c Ġshoot er Ġun h Ġsuppl ied Ġgener ic ĠS K ib an yr ics Ġ25 5 Ġclim bing Form er Ġfl ip Ġjump ing Ġfrust ration ĠTer ry Ġneighborhood s Ġmed ian be an Ġbr ains Follow ing Ġsh aped Ġdraw s Ġal tered J ack Ġrecip es Ġsk illed we alth ach i e lection Ġbehavi ors de als ĠU ntil F e Ġdecl aration mar ks ĠBet ween cel ona Ġres on Ġbub ble Am ong Ġim perial G S Ġfemin ist 200 5 ĠK yle Ġaccount ing ĠTe le ĠT yr Ġconnect ing Ġre hab ĠP red s im Ġmeant ime Ġphys ician M W ĠCamp bell ĠBr andon Ġcontribut ing ĠR ule ĠWe ight ĠN ap Ġinter active Ġv ag Ġhel met ĠCom b f our Ġsh ipped Ġcomple ting ĠP D PD ATE Ġspread ing Ġsc ary erv ing ĠG as Ġfr ank s chool Ġrom antic Ġstab il R ob Ġaccur ately Ġac ute ĠH ann Ġsymbol s Ġcivil ization ĠA W Ġlight ning Ġcons iders Ġven ue Ġ × Ġo ven ĠS F h is Ġn u ĠLear n Ġpe oples Ġst d Ġsle e Ġs lic ĠStat istics Ġcor ners ĠB aker Ġ: ) ment ation ol ver Ġlaugh ing ĠT odd ond e ĠH ills Ġn uts ĠW oman pl ane Ġl iver ĠIn side S orry Ġagre es Ġfund ament ĠF isher Ġa uction Ġthread s gl as ĠBas ic ĠN at Ġlack ing Ġceleb ration j u Ġs illy E uro Ġt att ight y cont rolled T est ĠSing h Ġr age Ġrh yth o ffic ĠPh antom Ġhead lines Ġrespond ing ĠMor ning Ġvit amin Ġboot s ĠS ite al in p i Ġvir al ĠU C D ER ĠSe x Ġst ocks c urrent Ġch urches ĠR are ĠMur phy Ġden ial ĠG aming Ġtou g Ġn ick Ġm akers ĠRon ald Ġgener ous ĠD oc ĠMor ris Ġtransform ed ĠN ormal Ġ10 4 ĠKick starter ĠUp on On line ĠI RS Ġw rap Ġl oving Ġarri ves ĠD ue Ġhe ter ĠM ade Ġrent al Ġbelong s Ġatt orneys Ġcro ps Ġmat ched ul um ol ine 10 9 Ġdis par Ġbuy ers ĠCam bridge Ġeth ics rou ps Ġjust ified Ġmarg inal Ġrespect ed win ning Ġnodd ed ĠSer ge ĠForm er C raft ######## ######## ĠWar ner Ġd ash et e Ġent ert ĠE scape out heast Ġkn ees ĠB omb Ġr ug P ass Ġatt itudes go vernment ĠPri or Ġqual ities Ġnot ification ĠPh one l ie Ġanticip ated ĠCom bat ĠBar ry Ġ198 2 Us ers on er Ġcomput ing ĠConnect icut Ġless er Ġpe ers ĠC u Ġtechn ically Ġsub mission ĠUn iversal Ġman ually our ge Ġrespond ents ĠB TC ĠH ost Ġf are ĠB ird Ġrece ipt al so Ġj ack Ġagric ulture Ġsk ull Ġ! = Ġpass ive ĠC I Ġsoc ieties Ġremind ed Ġinter ference B uy Ġâ ľ g on Ġscrut iny ĠW itch Ġconduct ing Ġ ãĥ Ġexch anges ĠMit chell Ġinhab it Ġtw ist B D Ġwhere ver group on Ġj okes ĠBen jamin ĠR andom fr ame ĠL ions Ġhighlight ed ĠArk ansas E nt Ġp ile Ġpre lim g s mind ed Ġfel ony ĠG A ĠL uck Ġpract ically ĠB os Ġact ress D am ĠB ou Ġvis a Ġembed ded Ġhy brid Ġear liest Ġsoon er s ocial ĠH A Ġste ep Ġdis advant Ġexplo it ĠE gg ĠUlt ra Ġnecess ity L ocal ie ge Ġd ated Ġmass es Ġsubsc ription pl ess Ġan onym Ġpresum ably Bl ue The ir asket ball ĠPhil ip Ġcom ed load ed r ane Ġref lection Ch ina Ġext ends Ġform ing Ġund ers 200 1 Ġgr at Ġconcent rations Ġins ulin Ġsec ular Ġwh ilst Ġwin ners Ad vertisements Ġdeliber ately ĠWork ing Ġs ink et ics d ale Ġmand ate Ġg ram Ġvac ation Ġwarn ings ri pp ĠTH AT Ġcomment ary Ġint u Ġa est Ġreason ing Ġbreak down ĠZ ombie Ġ-- > ĠPolit ical c ott Ġthr ust Ġtechn ological Ġdec iding Ġtraff icking L ong W elcome pr ising ĠCommun ications Ġend ors Ġsw ift Ġmetab ol co ins res a ĠHT TP Ġen roll ĠH appy us r int age Ġ[ " u ably ĠM aterial Ġrepe al Se pt k h ĠMod i Ġunder neath ĠI L sh ore Ġdiagn osed ace utical Ġsh ower au x ĠSw itch ĠStre ngth Ġj ihad n ational Ġtra uma uss y on i Ġcons olid Ġcal ories ĠF lynn ag ged 16 8 ĠP ink Ġfulf ill Ġch ains Ġnot ably ĠA V L ife ĠCh uck m us ĠUr ban ĠH end Ġdep osit ĠS ad Ġaff air OR K ie val ĠF DA Ġt rop ĠOver all Ġvirt ue Ġsatisf action au nd Ġl un ĠSw itzerland ĠOper ation pro cess Ġsh ook Ġcount ies le ased ĠCharl otte 1 12 Ġtrans cript Ġre dd p ush ĠHe y ĠAn alysis [ " Ġaltern atives ard less Ġele ph Ġpre jud ĠLe af H aving ĠH ub Ġexpress ions ĠVol ume Ġshock ing ĠRed s Ġread ily Ġplan ets ad ata Ġcollaps ed ĠMad rid Ġir rit i pper ĠEn c ĠW ire Ġbu zz ĠG P ash a Ġaccident ally ur u Ġfrust rated ĠS A Ġhung ry ĠH uff Ġlab els ant o ĠE P Ġbar riers ) | ĠBer keley ĠJ ets Ġp airs ĠL an J ames ĠB ear Ġhum or ĠLiber ty Ġmagn itude Ġag ing ĠM ason Ġfriends hip umb ling Ġemer ge Ġnewsp apers Ġam bitious ĠRich ards atern al Ġ198 1 Ġcook ies Ġsc ulpt Ġpur suit L ocation Ġscript s p c Ġarrang ements Ġd iameter Ġl oses am ation Ġl iqu ĠJ ake aret te Ġunderstand s ĠZ en v m Ġappro ve Ġw ip Ġult ra Ġint end ĠD I asc ular Ġst ays ĠK or ĠK l Ġinvest ing L a Ġbelie ving b ad m outh Ġtaxp ayer ãĥ ĥ ĠQue bec Ġl ap ĠSw iss d rop Ġdr ain ir i et c ft en ĠN ex Ġst raw Ġscream ing Ġcount ed Ġdam aging Ġamb assador cent ury Ġpro x Ġarrest s u v il ateral ĠCh arg Ġpresc ribed Ġindepend ently Ġf ierce ĠB aby Ġb rave Ġsu its = > Ġbas eline ĠR ate Ġis lands Ġ( ( g reen ix els Ġname ly ĠVill age th an am y V ersion g mail ential s ĠS ud ĠMel bourne Ġarri ving Ġquant um e ff rop olitan T ri Ġfun eral ĠI R ÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤ ÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤ ĠC ob it ably Ġt urb Ġcomb o Re view Ġdeploy ment u ity ĠB ott Ġinv isible Ġrender ing Ġunl ocked Ġa qu ĠVlad imir Ġp ad ĠBr ain ĠLeg acy dr agon ĠKurd ish Ġsound ed Ġdet ained ĠD M g ary Ġd aughters Ġdistur bing uk a ĠPar ad Ġt ast Ġunf ortunate Ġu l em in Ġattend ance tr l Ġpar ks ĠMem orial ĠAl ice oth y gu ard ĠD ise ĠSh an ĠFor um R ich Ġshif ted ue z Ġl ighter ĠMag n Ġc od S ch ham mad P ub 3 50 ĠP okemon Ġprot otype Ġun re B ase ĠStud ents ĠRep ly ĠCommun ist Ġg au ĠTy ler I Z Ġparticip ated Ġsup rem ĠDet ails Ġvessel s ro d Ġt ribe ke ep Ġassum ptions Ġp ound Ġcr ude ĠAv ailable Ġswim ming Ġin clusion Ġadv ances c ulation Ġconserv ation Ġover d ĠBuff alo Art icle ed ge Ġaw a ĠMad ison Ġsid ew Ġcat ast ĠK rist uc le ĠHigh way ĠTer ror Ġactiv ation Ġuncons cious ĠSat an ĠSus an ill ery Ġarr anged i op Ġrum ors ur ring th ink ĠKe ith ĠK ind Ġavoid ing by n n ut ĠSpe aker r us n ames Ġgu ilt ĠOlymp ics Ġsa il ĠM es lev ant ĠColumb us a ft C ity S outh ĠHar vey ĠP un S everal Ġment ally Ġimp ress m ount ĠUb untu âĢĶâĢĶâĢĶâĢĶ âĢĶâĢĶâĢĶâĢĶ ĠSuper man ĠMP s Ġintent ions ĠR acing Ġlike lihood Ġ2 40 T otal Ġto ys ĠW atson Ġur ge L ear ĠP aper Ġoccur ring ĠB eng ĠC ert Ġst ones T im ĠTw in z b ĠD ynam Ġpolit ician k ens ĠEnter prise UT ERS Ġab ol Ġref resh Ġarbit rary pe ction Ġtrou bles Ġ} ); t v Ġpil ots Ġdist ribute Ġaud it Ġp ause orig inal Ġr ivals  £ F ig T L ab il ry ing L in ion ed l on Ġf ancy Ġcr ashed Ġt ract Ġshe d Ġcons ume B ased down load in it Ġvolt age Int rodu Ġcondem ned ĠFin ance res pect Ġex cluded Ġestablish ing her ic Ġher itage Ġspect acular Ġun st ĠSnow den ĠL ane S an Ġprotect ions st ruction inc inn Ġmac ro C ustom ios ity Ġes p Ġfunction ing Ġm ush Ġp uzzle Ġeth ical M al Ġgo verning ĠF erguson Ġrest ored Ġst ressed ĠCoun ter ĠK as cl ip AN S Ġse iz U K by ss old own ap i Ġperman ently oun ters W est Th rough L ight at oes Ġne at Ġc ord ure r Ġsevere ly ĠA ven Ġinter rog Ġtri ple G iven N umber Ġar ise Ġs her pl ant Ġfl ower ĠC ou Ġat e Ġnew er b ul Ġmean while ĠL air Ġadjust ment ĠCop yright Ġd ivers i ological Ġgam ers o at Ġhistor ically Ġanal og Ġlong time Ġpres cription ĠM ist ĠHy per ĠM aine ĠDe ity Ġmulti pl ĠRe incarn ĠH yd ĠP ic S il r ants ĠC ris . ; ( { epend ence Ġrec y ate ur Ġqu ad Ġgl ob Ġcon ced te am Ġcapital ist ĠL ot Ġroy al ĠCy ber Ġblack s met ic ri v ĠD anny Ġsp o ĠR O Ġanim ated rypt ed ĠDep uty Ġrend ered F E Ġstre ak Ġcloud s ĠDou g ~~~~ ~~~~ Ġdisc our ĠVe h Ġpsych ology ĠJ ourney Ġcry stal ĠFro st Ġsuspic ion Ġrel ate or us ĠC rypt ĠN VIDIA com ed ut ing incinn ati Ġvulner ability ost ic Ġisol ation Ġcool ing ĠCoal ition Ġ1 19 F our ĠDe al Ġâ ī se mble ram ent ĠBar celona Ġ10 2 Ġcoc aine ocaly pse F eb ogen ic Ġmut ation Ġcrypt oc ĠK el ĠG it a is Ġs isters AN K Ġactiv ate T er Ġd read yl on Ġprop ri A ust ĠDef ault Ġout door Ġshe er ce ive Ġg ently Ð ¾ Pro gram Ġâ ĨĴ Ġve gan ĠCr us Ġrespons ibilities ĠH R OL D Ġprev ents Ġst iff ĠW ere Ġathlet ic ĠSc ore Ġ) : Ġcolumn s ĠL oc av ailable ĠF ram ĠS essions Ġcompan ion Ġpack s 14 0 ĠKn ights Ġf art Ġstream s Ġsh ore Ġapp eals ĠPer formance h aul ĠSt ra ĠN ag 10 3 ĠTrans portation B B E v z an P ublic Ġtw in uls ion M ult Ġelect ro Ġstat ue ation ally ĠN ort Ġins pection / * ig ue Ġcomp assion ĠT ales ĠSte in ĠSc reen ĠB ug ĠL ion g irl Ġwithdraw al Ġobject ives Ġblood y Ġprelim inary Ġj acket Ġdim ensions ĠC ool ĠOcc up Ġw reck Ġdoub led ank ing Ġ19 75 Ġglass es ĠW ang pro v P ath connect ed ĠMult i ĠNor way agon ist Ġfe ared Ġtouch ing Ġarg uably ¯¯¯¯ ¯¯¯¯ ĠNC AA che m Ġsp at ĠW WE ĠC el ig ger Ġattack er ĠJo in ob ject ett a Ġelim inated d et Ġdest ruct ĠLuc as ct uary 18 0 ĠBr ady ĠBl ues B ay au kee Ġtim eline Ġdeleg ates w ritten uff icient Ġsh apes Cop yright ou ble serv ice Ġp ione Ġcolleg es Ġrow s Ġsp ite Ġassess ed 3 60 Ġle ase Ġconfident ial ck er ĠMan ning ĠV oice Ġse aled Ġcalcul ate N O ĠAss istant Ġteen ager ul ent ather ine Ġm ock Ġd iamond Ġf est Ġsw itched Ġres ume ĠPu erto Ġl anes ir ation ĠSimilar ly Ġro d ĠS el ĠPal ace ĠLim ited e ous Ġvar iant Ġw ard Ġ) ) Sh ow OO K A lex ĠN ep br is ĠWik ipedia Ġexcept ional Ġman ages ĠD raw Ag ain Ġco pper ut t Ġex ports Ġport folio Ġelev ated R ated ĠOther wise ĠT act ĠShe l ĠT X " âĢĶ Ġres ur ĠW a ven ant Ġmon etary pe ople E mail Ġfif ty ĠS weet ĠMalays ia Ġconf using ĠR io ud a uten ant " ); Ġpra ised Ġvol umes t urn Ġm ature Ġnon profit Ġpassion ate ĠPriv ate Ġ10 3 Ġdesc end ç ¥ŀ uff y head ed Whe ther ri en ze ch be it Ġch rom ĠMc M Ġd ancing Ġe leg ĠNot iced 11 5 Ġadvoc acy ENT S amb ling ĠMin or ĠF inn Ġprior ities Ġthere of ĠSt age ĠRog ers Ġsubst itute ĠJ ar ĠJeff erson Ġlight ly 10 2 ĠL isa u its ys ical Ġshif ts Ġd rones Ġwork place Ġres id ens ed ah n Ġpref erences ser ver Ġdeb ates d oc ĠGod s Ġhelicop ter Ġhon our Ġconsider ably ed ed ĠF emale ĠAn ne Ġre un ĠF ace ĠHall ow ĠBud get Ġcondem n Ġt ender Pro f ocr atic ĠTurn er ĠAg ric Ġ19 76 Ġa pt d isc ĠF ighter ĠA ur Ġgar bage in put ĠK arl ĠOl iver ĠL anguage k n N on ĠCl ar Ġtrad itions Ġad vertisement ĠS or Ġarch ive Ġvill ages 7 50 Ġimplement ing w aukee Ġdiet ary Ġswitch ing Rep ublic Ġvel ocity Ġc it ĠA wards Ġfin ancing Ġlast ed ) ] Ġrem inder P erson Ġprec ision Ġdesign ers ĠF ried ĠB order Ġtr agic Ġw ield Ġiniti atives ĠT ank w er Ġjo ins R o in ery Ġar row Ġgener ating found er Ġsear ches Ġrandom ly A ccess Ġb atch Ġp osed l at Ġpursu ing as a Ġtest ified form ing ĠSh ar w iki ĠE ither S ometimes Ġsen ators ĠJohn ny ĠTal iban ĠG PS ":" / ãģ® å Ġanaly zed ĠRub io ĠMove ment op ard ii i St and f ight Ġign oring i ang ĠG N so ever ĠST AT Ġref using Ġswe at Ġb ay P ORT ir med ak y Ġdis pro Ġlabel ed Ġ10 8 H ello Ġple asant ab a Ġtri umph Ġab oard Ġinc om ĠC row le tt Ġfol k Ġch ase ` ` ĠBr us Ġte ens c ue Ġter rain h yd il ight OR Y Su pport ew s ll i rain ts ĠC and Ġab used ach ment l arg B as ĠC ancer Ġ19 78 Ġsupp orter ac cess ĠTer min ĠT ampa ĠAN Y Ġnew est ĠCrim inal ed u Ġ19 30 Ġadm its Ġend e Ġfail ures ur ate ful ness cy cl ĠSub ject Ġinf inite th ree W A p it ĠInst all R ad ili ation G M Ġcontin ent Ġaccommod ate ĠCl ay Ġp up ĠF unction Ġham mer ĠAlbert a Ġrev ised Ġminor ities Ġmeasure ment Con nell Ġdis able ĠM ix In cre Ġfor k ĠR osen Ġimpl ies umb lr AN G Ġprote ins Ġagg ression Ġfacilit ate S N Ġilleg ally u er Ġacad em Ġp uzz ĠSh ift p ay oll o Ġaud iences B uild Ġno ble Ġsynt ax â ĺħ Ġbe am ĠB ed ĠA ld Ġorig ins v ideo Ġ19 77 ĠAss ault Ġgar age Te am Ġver dict Ġd war ĠVirt ual e vent Ke ep Ġsent iment Ġwild life sh irt Ġb urg Ġrecommend ation rep resent Ġgall ery own ers Ġsch olar Ġconven ience ĠSw ift Ġconv inc C ap Ġwar fare ĠVis ual Ġconst itute Ġab ort ĠWe ather ĠLook ing ĠH em Ġmart ial Ġinc oming et ition Ġtoler ance ĠCre ated Ġfl ows ĠE lder Ġsoul s Ġf oul ĠP ain ĠC AN Ġ2 20 b c he nd Ġgen ius R eal ĠW r omet er p ad Ġlim iting ĠS i ĠL ore ĠAd ventures Ġvar ied D isc f in ĠPerson al Ch ris Ġinv ented Ġd ive ĠR ise Ġo z ĠCom ics Ġexp ose ĠRe b let ters s ite im ated Ġh acking Ġeduc ated ĠNob ody Ġdep ri Ġincent ive ãĤ · Ġovers ight Ġtrib es ĠBelg ium Ġlicens ing our t Produ ct ah l ĠG em Ġspecial ist Ġc ra ann ers ĠCor byn Ġ19 73 RE AD Ġsum mar Ġover look ĠApp lication Ġin appropriate Ġdownload ed Q ue ĠB ears Ġth umb ĠChar acter ĠReincarn ated ĠS id Ġdemonstr ates s ky ĠBloom berg ĠAr ray ĠRes ults ĠFour th ĠED T ĠO scar c end Ġ10 6 ĠN ULL ĠH ERE m atch ĠBr un Ġgluc ose ie g eg u Ġcert ified Ġrel ie Ġhuman itarian Ġpr ayers K ing Ġn an h ou 10 8 ul u Ġrenew able Ġdistingu ish Ġd ense ĠV ent ĠPack age ĠB oss Ġedit ors Ġm igr T ra ĠPet ers ĠAr ctic 200 4 ĠC ape Ġloc ally Ġlast ing Ġhand y . ). P an ĠR ES Ind ex Ġt ensions Ġformer ly Ġide ological Ġsens ors Ġdeal ers Ġdef ines S k Ġproceed s Ġpro xy az ines ĠB ash ĠP ad ĠC raft eal ous Ġshe ets omet ry J une cl ock T T ĠThe atre ĠB uzz Ġch apters Ġmill enn Ġd ough ĠCongress ional Ġimag ined av ior Ġclin ic Ġ19 45 Ġhold er ro ot oles ter Ġrest art B N ĠHam as ĠJ ob Ġor b Ġr am Ġdiscl ose Ġtransl ate Ġimm igrant Ġannoy ing Ġtreat y an ium ĠTe a ĠLeg ion Ġcrowd s ĠB ec ĠA er oh yd B ro Look ing Ġl bs Ġagg ress Ġse am Ġinter cept ĠM I mer cial act iv ĠC it Ġdim ension Ġconsist ency Ġr ushing ĠDou glas Ġtr im Inst all ick er Ġsh y 10 6 Ġment ions pe lled ĠT ak c ost Ġclass room Ġfort une dri ven Ġun le ĠWhe el Ġinvest or ĠM asters k it Ġassoci ations ĠEv olution op ing us cript Ġprov incial ĠWal ter av i S O Ġun limited Eng lish ĠC ards ĠEb ola ne red Ġreven ge Ġout right um per Ġf itting ĠSol id Ġform ally Ġproblem atic Ġhaz ard Ġenc ryption Ġstraight forward ĠA K Ġp se ĠOr b ĠCh amber ĠM ak Cont ents Ġloyal ty Ġl yrics ĠSy m Ġwel comed Ġcook ed Ġmon op Ġn urse Ġmis leading Ġe ternal Ġshif ting Ġ+ = V is Ġinst itutional ill ary Ġp ant VER T ĠA CC ĠEn h Ġinc on ĠRE UTERS Ġdon ated â̦â̦ â̦â̦ In tern Ġexhib it Ġt ire ĠR ic ĠCh ampion ĠMu hammad N ING ĠSoc cer Ġmob ility Ġvary ing ĠM ovie Ġl ord o ak F ield Ġve ctor us ions Ġsc rap Ġen abling m ake T or . * | | ĠWe bsite ĠN PC Ġsocial ist ĠBill y ĠAdd itional Ġc argo Ġfar ms ĠSo on ĠPri ze Ġmid night Ġ9 00 se en ĠSp ot Ġshe ep Ġspons ored ĠH i ĠJ ump Ġ19 67 Micro soft ĠAg ent Ġch arts d ir Ġadj acent Ġtr icks Ġman ga Ġex agger / > foot ball ĠF CC G C ĠT ier and ra OU ND % ), Ġfru its V C ĠA A R ober Ġmid st â Ĺ ank a Ġlegisl ature ĠNe il Ġtour ists " " ĠWar ning ĠNever theless ĠOffic ial ĠWh atever Ġm old Ġdraft ed Ġsubst ances Ġbre ed Ġt ags ĠT ask Ġver b Ġmanufact ured com ments ĠPol ish Pro v Ġdetermin es Ob ama k ers Ġutter ly Ġse ct sc he ĠG ates ĠCh ap Ġal uminum Ġz ombie ĠT ouch ĠU P Ġsatisf y Ġpred omin asc ript Ġelabor ate Ġ19 68 Ġmeas uring ĠV ari any ahu Ġs ir ul ates id ges ick ets ĠSp encer T M oub ted Ġpre y Ġinstall ing ĠC ab re ed re ated Su pp Ġwr ist ĠK erry 10 7 ĠK le ĠR achel Ġc otton ĠA RE ĠE le Cont rol Ġload s ĠD od an as b one Ġclass ical ĠReg ional ĠInt eg V M Ġdes ires Ġaut ism support ed ĠM essage Ġcomp act writ er Ġ10 9 ĠHur ricane c ision Ġcy cles Ġdr ill Ġcolle ague Ġm aker G erman Ġmist aken S un ĠG ay Ġwhat soever Ġsell s ĠA irl l iv ĠO ption Ġsol ved Ġse ctors Ġhorizont al Ġequ ation ĠSk ill ĠB io g ement ĠSn ap ĠLeg al Ġtradem ark Ġmake up Ġassemb led Ġsa ves ĠHallow een ĠVer mont ĠFR OM Ġfar ming ĠP odcast accept able ĠHig her Ġas leep ull ivan Ġrefere n ĠLe v Ġbul lets ok o H C Ġst airs Ġmain tains ĠL ower ĠV i Ġmar ine Ġac res Ġcoordin ator ĠJ oh Ġcounterpart s ĠBrother s Ġind ict b ra Ġch unk Ġc ents H ome ĠMon th Ġaccording ly if les ĠGerm ans ĠSy n H ub Ġey eb âĶĢâĶĢ âĶĢâĶĢ Ġr anges ĠHoll and ĠRob ot f c M ike Ġpl asma Ġsw ap Ġath lete ĠR ams ,' " Ġinfect ions Ġcor rid Ġv ib Ġpat ches Ġtradition ally Ġrevel ation Ġswe ep Ġgl ance Ġin ex 200 3 ĠR aw work ing os ures ĠD at ĠLyn ch Ġle verage ĠRe id Ġcorrel ation ian ces av ascript Ġrep ository ret ty Ġ19 72 24 0 Ġo un p ol ĠRe ed Ġtact ical is ite App le ĠQu inn Ġrap ed ill o Euro pe Ġalgorith ms ĠRod rig i u Ġill um Ġf ame Ġintrodu cing Ġdel ays ĠRaid ers Ġwh istle Ġnovel s ĠRe ally Ġder iv Ġpublic ations ĠNe ither ĠCom merce Ġa ston l anguage Not es ĠR oth ĠF ear Ġm ate Ġpar ade ĠQ B Ġman eu ĠC incinnati m itting Ġwa ist ĠR ew Ġdisc ont Ð ° Ġst aring Ġal ias Ġsec urities Ġtoile t ĠJ edi Ġun law v ised //// //// ] ( ĠWe iss Ġpre st ĠComp an Ġmem o ĠGr ace J uly ĠEl ite cent er ĠSt ay Ġgal axy Ġto oth ĠS ettings Ġsubject ed ãĤ ¦ Ġline back Ġretail ers ĠW ant Ġd angers A ir Ġvolunt ary ew ay Ġinterpret ed ot ine à § Ġp el Serv ice ĠEvent ually Ġcare ers Ġthreat en Ġmem or ĠBrad ley anc ies s n ĠUn known N ational Ġsh adows ail and ĠD ash Every one izz ard M arch = ( Ġpull s Ġstr anger Ġback wards ĠBern ard imens ional Ġch ron Ġtheoret ical k top Ġw are ĠInvest ig ĠIn iti ĠOper ations o ven oc ide * / Ġfl ames ĠC ash sh it Ġc ab ĠAn aly ĠSe ah Ġdefin ing Ġorder ing Ġimm un Ġpers istent AC H Russ ian m ans Ġh ind Ġphot ography  © Ġh ug Ġ10 7 ĠH ence i ots ude au Ġsubsid ies Ġroutine ly ĠDev ice it ic Ġdisg ust land er Ġ19 40 Ġassign ment ĠB esides w ick ĠD ust us c struct ed 11 1 de velop Ġf ond Ġinter section Ġdign ity Ġcommission er With out re ach Ġcart oon Ġsc ales ãĥ Ń F IG Ġsurve ys ĠIndones ia Ġart work Ġun ch Ġcy cling un ct au er or ate ĠOb viously Ġcharacter ized fe ld Ġaff irm Ġinn ings Ġ é Ġal iens Ġcl oth et ooth ĠC ertain  § Ġdig est k now ĠX L Ġpredict ions Ġd in W AR Ġafter math Ex ample ĠSu ccess ĠTh r IG N Ġmin er B us Ġcl arity heim er ĠO UT ĠS end ĠCirc le ĠD iet Ġpron ounced Ġcreat ors Ġearthqu ake atter y ge ons Ġo d Ġlay ing or p U lt pro ject Ġunder min Ġsequ el S am ĠDark ness Ġre ception b ull Y S ĠV ir Ġsequ ences ĠCo in Ġout fit ĠW ait 1 19 Ġdel ivers .... .. Ġbl own ĠE sc ĠM ath per m ĠU l Ġgl im Ġfac ial Ġgreen house Ġto kens / - ĠAnn ual ĠON E Ġteen age ĠPhys ical ĠL ang ĠC elt Ġsu ed ivid ually Ġpat ience ch air reg ular Ġa ug in v ex cept ĠL il Ġn est f d s um ĠCh ase Russ ia ĠJenn ifer Ġoff season Over all F ore Ġr iot A ud form er Ġdefend ers ĠC T iot ic rib ly Ġautom ated Ġpen is Ġins ist Ġdi agram ĠS QL ĠG arc Ġw itch cl ient ier ra am bers Ġrec ount f ar V ery oster one Ġappreci ated ĠPer fect S ection Ġd oses oca ust Ġcost ly Ġg rams ĠSh i Ġwrest ling Ġ19 71 Ġtro phy Ġn erve ĠK az ĠExper ience Ġpled ged Ġplay back Ġcreat ivity by e Ġattack ers Ġhold ers ĠCo ach ĠPh D Ġtransf ers Ġcol ored ĠH indu Ġd rown Ġlist ened ĠW A ias m P O Ġappeal ing Ġdiscl osed ĠCh icken ag ging Ġple aded Ġnav igation ĠReturn s Ġ[ [ R OR E A Ġphotograp her ĠR ider ipp ers Ġsl ice Ġe rect Ġhe d iss ance ĠVik ings ur ious Ġapp et oubted ly Ch ild Ġauthent ic o os ĠM aking Ġannoun cing Ġb od Ġmet er ĠN ine ĠR ogue Ġwork force Ġrenew ed Ġorganis ations ac s P LE Sh ort Ġcomp ounds ĠVis it Ġen velop ear th Ġsupport ive gg le ĠBrus sels ĠGu ild Cre ate RE L Ġaver aged Ġ19 69 ri ages Ġlength y Ġforg ot O kay ĠE rd Ġdeal er Ġrec ession D D Ġdesper ately Ġhun ger Ġst icks Ġm ph ĠF aith Ġintention ally Ġdem ol ue ller ĠS ale Ġde bris s pring Ġle ap >> >> Ġcontain ers se lling rane an atter ing Ġcomment ed ĠC M on ut Ġwood s es pecially Ġorgan ize iv ic ĠWood s ang a s qu Ġm aj am on Ġax is Ġ19 74 ĠDen mark Ġwar rior ĠP and Ġout lined ĠB O ins ula z illa eb ook Ġd are Ġsear ched Ġnav igate S n writ ing Ġun ited J apan ĠHe brew Ġfl ame Ġrel ies Ġcatch ing ĠSh o Ġimprison ment Ġp ockets Ġclos ure ĠF am t im ade qu Act ivity Ġrecru iting ĠW ATCH ĠArgent ina d est Ġapolog ize or o Ġlack s Ġtun ed ĠGriff in Ġinf amous Ġcelebr ity ss on Ġ ---------------------------------------------------------------- ĠIs is ĠDis play Ġcred ibility Ġeconom ies Ġhead line ĠCow boys Ġind ef Ġl ately Ġincent ives but ton ĠM ob A ut Ġres igned ĠO m c amp Ġprof iles Ġsche mes olph ins ay ed Cl inton en h ĠY ahoo Ġab st Ġan k su its Ġw ished ĠMar co udd en Ġsp here ĠB ishop Ġincorpor ated ĠPl ant 11 4 Ġh ated p ic Ġdon ate Ġl ined Ġbe ans Ġsteal ing Ġcost ume Ġsher iff Ġfor ty Ġint act Ġadapt ed Ġtrave lling b art Ġnice ly Ġdri ed Ġsc al os ity NOT E ĠB h ĠBron cos ĠI gn Ġint imate Ġchem istry Ġopt imal D eb ĠGener ation Ġ] , ich i ĠW ii ĠYOU R vent ions W rite Ġpop ul un ning ĠW or V ol Ġqu een head s K K Ġanaly ze op ic ear chers Ġd ot leg raph ast ically Ġupgr ades Ġca res Ġext ending Ġfree ze Ġin ability Ġorg ans Ġpret end Ġout let 11 3 ol an ĠM all ul ing t alk Ġexpress ing ĠAl ways ĠBe gin f iles Ġlic enses % % ĠM itt Ġfil ters ĠMil waukee G N Ġunf old M o Ġnut rition pp o B o Ġfound ing Ġunder mine Ġeas iest ĠC zech ĠM ack Ġsexual ity ĠN ixon W in ĠAr n ĠK in ãĤ £ ic er Ġfort un Ġsurf aces agh d Ġcar riers ĠP ART ĠT ib Ġinter val Ġfrust rating ĠSh ip ĠAr med ff e Ġbo ats ĠAb raham in is Ġsu ited th read i ov ab ul ĠVenezuel a Ġto m su per Ġcast le alth ough iox ide ec hes Ġevolution ary Ġnegoti ate Ġconfront ed Rem ember Ġ17 0 S uch Ġ9 11 m ult ĠA byss ur ry ke es spe c ĠBarb ara Ġbelong ing Ġvill ain ist ani Ġaccount able Ġport ions ĠDe cl U r ĠK ate g re Ġmag azines UC K Ġregul ate om on ĠAl most Ġover view Ġsc ram Ġl oot ĠF itz Ġcharacter istic ĠSn ake s ay ĠR ico Ġtra it ĠJo ined au cus Ġadapt ation ĠAirl ines Ġarch ae ĠI de Ġb ikes Ġliter ary Ġinflu ences ĠUs ed C reat Ġple a ĠDef ence ĠAss ass Ġp ond UL T ) " Ġeval uated Ġob taining Ġdem ographic Ġvig il ale y Ġsp ouse ĠSeah awks resp ons ĠB elt um atic Ġr ises run ner ĠMichel le Ġpot ent r ace ĠP AC F ind olester ol IS S ĠIntrodu ced ress es ign ment O s ĠT u ĠDe x ic ides Ġspark ed ĠLaur a ĠBry ant Ġsm iling ĠNex us Ġdefend ants ĠCat al Ġdis hes sh aped Ġpro long m t ( $ ãĢ Ĥ Ġcalcul ations ĠS ame Ġp iv H H Ġcance lled Ġgr in Ġterrit ories ist ically C ome ĠP arent Pro ject Ġneg lig ĠPriv acy Ġam mo LE CT olute ly ĠEp ic Ġmis under w al Apr il m os path y ĠC arson Ġalbum s ĠE asy Ġpist ol < < Ġ\ ( t arget hel p Ġinter pre cons cious ĠH ousing ĠJ oint 12 7 Ġbe ers s cience ĠFire fox effect ive ĠC abin ĠO kay ĠApp lic Ġspace craft ĠS R ve t ĠStr ange S B Ġcor ps iber al e fficient Ġpreval ence Ġeconom ists 11 8 Th read ord able OD E ĠC ant =- =- if iable ĠA round Ġpo le Ġwilling ness CL A ĠK id Ġcomple ment Ġsc attered Ġin mates Ġble eding e very Ġque ue ĠTr ain Ġh ij Ġme lee ple ted Ġdig it Ġg em offic ial Ġlif ting Ð µ Re qu it utes Ġpack aging ĠWork ers h ran ĠLeban on ol esc Ġpun ished ĠJ uan Ġj am ĠD ocument Ġm apping ic ates Ġinev itably Ġvan illa ĠT on Ġwat ches Ġle agues Ġiniti ated deg ree port ion Ġrec alls Ġru in Ġm elt I AN Ġhe m Ex p Ġb aking ĠCol omb at ible Ġrad ius pl ug ĠI F et ically Ġf ict H ER ĠT ap atin um Ġin k Ġco h ĠW izard b oth te x Ġsp ends ĠCurrent ly ĠP it Ġneur ons ig nt Ġr all Ġbus es b uilding Ġadjust ments Ġc ried ibl ical att ed ĠZ ion ĠM atter Ġmed itation ĠD ennis Ġour s ĠT ab Ġrank ings ort al Ġad vers Ġsur render ĠG ob ci um om as im eter Ġmulti player Ġhero in Ġoptim istic Ġindic ator ĠBr ig Ġgro cery Ġapplic ant ĠRock et v id Ex ception p ent Ġorgan izing Ġenc ounters ĠT OD Ġjew el S ave ĠChrist ie Ġhe ating Ġl azy ĠC P Ġcous in Con fig Ġreg ener Ġne arest Ġachie ving EN S th row ĠRich mond ant le 200 2 Ġan ten b ird 13 3 Ġn arc r aint un ny ĠHispan ic ourn aments Ġprop he ĠTh ailand ĠT i Ġinject ion Ġinher it rav is Ġmed i Ġwho ever ĠDE BUG G P ĠH ud C ard p rom Ġp or Ġover head L aw Ġviol ate Ġhe ated Ġdescript ions Ġachieve ments ĠBe er ĠQu ant W as Ġe ighth ĠI v Ġspecial ized U PDATE ĠD elta P op J ul ĠAs k oph y Ġnews letters ĠT ool Ġg ard ĠConf eder ĠGM T ĠAb bott Ġimm unity ĠV M Is lam Ġimpl icit w d Ġ19 44 rav ity omet ric Ġsurv iving ur ai ĠPr ison Ġr ust ĠSk etch Ġbe es ĠThe ory Ġmer it T ex ch at Ġm im Ġpast e ĠK och Ġignor ance ĠSh oot Ġbas ement Un ited ĠAd vis he ight Ġf oster Ġdet ain in formation Ġne ural ' ; Ġprov es all ery Ġinv itation um bers Ġc attle Ġbicy cle z i Ġconsult ant Ġap ology ĠT iger Ġ12 3 99 9 Ġind ividually r t ig ion ĠBrazil ian Ġdist urb Ġentreprene urs Ġfore sts cer pt pl ates p her clip se Ġtw itter Ġac ids ograph ical h um ĠB ald if ully Ġcomp iler ĠD A Ġdon or as i Ġtrib al l ash ĠCon fig Ġapplic ants Ġsal aries 13 5 Put in ĠF ocus ir s Ġmisc onduct ĠH az Ġeat en M obile Mus lim ĠMar cus v iol Ġfavor able Ġst ub ad in ĠH ob Ġfaith ful Ġelectron ics Ġvac uum w ait back ed econom ic d ist Ġten ure Ġsince re ĠT ogether ĠW ave Ġprog ression Ġden ying Ġdist ress br aska th ird Ġmix ing Ġcolon ial Ġpriv ately Ġun rest atern ity Ġprem ises ant i greg ation Ġlic ence ĠH ind ĠSam uel Ġconvinc ing ĠA ce ĠR ust ĠNet anyahu Ġhand les ĠP atch orient ed ah o ĠG onz Ġhack ers claim er Ġcustom s ĠGr an f ighters Ġl uc Ġman uscript aren thood Ġdev il Ġwar riors Ġoff enders Will iam Ġhol idays Ġnight mare Ġle ver iff erent St at Ġexhib ition put ed ĠP ure Ġal pha Ġenthus iasm ĠRepresent atives E AR ĠT yp Ġwhe at ĠAl f Ġcor rection Ġev angel AT T M iss Ġs oup Ġimpl ied par am Ġsex y ĠL ux Ġrep ublic p atch ab lish Ġic ons Ġfather s ĠG ET ĠCar ib Ġregul ated ĠCo hen ĠBob by Ġn er Ġb ent vent ory ĠAl ong ĠE ST ĠWall ace Ġmurd ers r ise ke ll ĠCommon wealth Ġn asty et a ĠM IT Ġadminist ered Ġgenuine ly Ed itor n ick Ġhyd ro **************** **************** ĠB le Ġfin es Ġg orge aus ible r h Ġapp le ment ioned Ġro pe ot yp H R Ġdisappoint ing Ġc age n ik Ġdoub ts ĠF REE print s ĠM UST Ġvend ors ĠIn qu Ġliber als Ġcontract or Ġup side child ren Ġtrick y Ġregul ators charg ed l iter Ġ *** Ġreb ell l ang Ġloc als Ġphys icians Ġhe y ar se t m ĠLe x Ġbehavior al success ful F X Ġbr ick ov ic Ġcon form Ġreview ing Ġins ights Ġbi ology ĠRem ove ĠExt ra Ġcomm itting indu ced ignt y ig m Ġat omic Comm on ĠE M ĠP ere ĠIt ems e h Ġpres erved ĠH ood Ġprison er Ġbankrupt cy Ġg ren us hes Ġexplo itation Ġsign atures Ġfin an ] ," ĠM R Ġme g rem lin Ġmusic ians Ġselect ing Ġexam ining IN K l ated H i Ġart ic Ġp ets Ġimp air ĠM AN Ġtable ts in clude R ange Ġca ut Ġlog s Ġmount ing Ġun aware Ġdynam ics ĠPalest ine ĠQu arter ĠPur ple Ġm a ĠIm port Ġcollect ions ci ation Ġsuccess or Ġcl one Ġaim ing Ġposs essed Ġstick ing Ġsh aking Ġloc ate ĠH ockey T urn 17 0 Ġfif teen ĠHar rison Ġcontinu ously ĠT C ĠVal ent ĠRes cue Ġby pass am ount Ġm ast Ġprotect s Ġart istic Ġsomet ime Ġsh oe Ġshout ed ific ant et itive ĠReg ister ĠJ in Ġconcent rated ling ton on ies Ġgener ator yr im ĠAr men Ġclear ing id o ĠT W al ph Ġlad ies H ard Ġdial og Ġinput s æ ľ Ġpos es Ġsl ots ĠPrem ium Ġle aks Ġboss es Ġ11 3 c ourse A cc ĠNew ton ĠAust ria ĠM age Ġte aches ab ad Ġwe ars Ġc yl Ġcur se ĠS ales ĠW ings Ġp sy Ġg aps ĠIce land ĠP interest Ġland lord Ġdefin itions ĠK er Ġsufficient ly ĠP ence ĠArch itect Ġsur pass Ġ11 4 Ġsuper hero ĠDise ase Ġpri ests ĠC ulture Ġdefin itive Ġsecret ly ĠD ance inst all ch ief ĠJess ica W ould Up dated Ġlock er ĠK ay Ġmem orial è ¦ f at Ġdis gu Ġflav ors ĠBase ball ĠRes istance Ġk icks Ġen v Ġteen agers D ark ĠC AR Ġh alt ĠL G ĠGab riel Ġfe ver Ġs atur Ġm all Ġaffili ate ĠS leep ĠSpe cific ĠV el Ġj ar ĠSac red ĠEd wards ĠA CL Ġret ained ĠG iant Ġlim itation in ces Ġref usal ĠT ale ĠBut ler Ġacc idents ĠC SS Ġimport ed ĠCop y Î ± ER T z el Ġdiv isions h ots ĠAl b ĠD S Load er W ashington at isf ĠCreat ive \ . ĠAut om red ict Ġrecept or ĠCarl os Met hod ok a Ġmal icious Ġste pping , [ ĠD ad Ġatt raction ĠEffect s ĠPir ate ĠC er ĠIndust ry ĠR ud Ġchar ter Ġd ining Ġins ists Ġconfig ure Ġ( # ĠSim ple ĠSc roll UT C 17 5 ĠK on Ġmarket place Ġ ãĤ Ġref res Ġg ates er red ĠP od Ġbeh ave Fr ank n ode Ġendors ed he tt as ive ĠHom eland Ġr ides ĠLe ave er ness Ġflood ing A FP Ġris en Ġcontin ually Ġun anim ĠCont ract ĠP as Ġgu ided ĠCh ile b d Ġsu cc pt ic Ġcomm ittees ĠL uther ĠAny one Ġs ab 12 4 Ġp ixel ĠB ak ĠT ag ĠBenn ett En ter sm all ĠPresident ial Ġp ul Ġcontr ace arch ive Ġcoast al ĠK ids 19 2 âĢ ² ick y ING TON Ġw olf ĠSt alin T ur id get am as ĠUn less Ġspons or Ġmor ph ĠCho ose Ġrun ner Ġun bel Ġm ud ĠMan a Ġdub bed Ġg odd ure rs wind ow Ġrel ied Ġcelebr ating os c Ġ13 5 Ġlobb ying Ġincom plete Ġrestrict ion Ġinc ap it us Ġexpect ation ĠAp ollo Ġint ens Ġsyn c G H Ġmanip ulation B Y Ġspe ar Ġbre asts Ġvol can il ia M aterial Ġform ats ĠB ast Ġparliament ary Ġsn ake Ġserv ants ĠTr udeau ĠGr im ĠArab ic ĠSC P ĠBoy s st ation Ġprospect ive ord e in itialized Ġb ored AB LE Ġaccess ed Ġtax i ĠShe ll aid en urs ed in ates ĠIns urance ĠPet e Sept ember 6 50 Ġad ventures ĠCo ver Ġt ribute Ġsk etch Ġem power Ġ Ø ĠGl enn ĠD aw = \" ĠPolit ics Ġgu ides Ġd ioxide ĠG ore ĠBr ight ĠS ierra Ġval ued c ond Ġpo inter Se lect Ġrisk y Ġabsor b im ages Ġref uses Ġbon uses __ _ Ġh ilar ĠF eatures 2 20 ĠCollect or F oot Ġ19 64 cul us Ġd awn Ġwork out ĠL O Ġphilosoph ical ĠSand y ĠYou th Ġl iable A f bl ue Ġovert urn less ness ĠTrib une ĠIn g Ġfact ories Ġcat ches Ġpr one Ġmat rix Ġlog in Ġin acc Ġex ert s ys Ġneed le ĠQ ur Ġnot ified ould er t x Ġremind s Ġpublisher s Ġn ort Ġg it Ġfl ies ĠEm ily Ġflow ing ĠAl ien ĠStr ateg Ġhard est Ġmod ification AP I ĠM Y Ġcr ashes st airs n umber Ġur ging ch annel ĠFal con Ġinhabit ants Ġterr ifying Ġutil ize Ġban ner Ġcig arettes Ġsens es ĠHol mes Ġpract ition ĠPhill ips ott o Ġcomp ile Mod el ĠK o Ġ[ ] Americ ans ĠTer ms Ġmed ications ĠAn a Ġfundament ally ĠNot ice Ġwe aker Ġ 0000 Ġgar lic Ġout break Ġeconom ist ĠB irth Ġobst acles ar cer ĠOr thodox Ġplace bo ĠC rew asp berry ĠAng els Ġdis charge Ġdestruct ive 11 7 ĠR ising Ġd airy l ate Ġcoll ision ĠTig ers ean or ocument ed ĠIn valid Ġd ont ĠL iter ĠV a Ġhyd rogen Ġvari ants ĠBrown s Ġ19 65 Ġind igenous Ġtrad es Ġremain der Ġswe pt ĠImp act Ġred ist Ġun int grad uate ãĥ ķ ĠW ILL ãģ® ç ĠCrit ical Ġf isher Ġv icious Ġrevers ed Y ear ĠS ox Ġshoot ings Ġfil ming Ġtouchdown s ai res m el Ġgrand father Ġaffect ion ing le Ġover ly Add itional Ġsup reme ĠGr ad Ġsport ing Ġmer cy ĠBrook s ount y Ġperform s Ġtight ly Ġdem ons Ġkill ings Ġfact ion ĠNov a aut s Ġund oubtedly ar in Ġunder way ra k Ġl iv ĠReg ion Ġbrief ing s ers cl oud ĠM ik us p Ġpred iction az or Ġport able ĠG and Ġpresent ing Ġ10 80  » ush i ĠSp ark there um Ġjust ification ĠN y Ġcontract ors ming ham ĠSt yle å ħ ĠChron icles ĠPict ure Ġprov ing Ġw ives set t Ġmole cules ĠFair y Ġconsist ing Ġp ier al one in ition Ġn ucle j son Ġg otta Ġmob il Ġver bal ar ium Ġmon ument uck ed Ġ25 6 T ech mine craft ĠTr ack Ġt ile Ġcompat ibility as is Ġs add Ġinstruct ed ĠM ueller Ġle thal Ġhorm one Ġor che el se Ġske let Ġentert aining Ġminim ize ag ain Ġunder go Ġconst raints Ġcig arette ĠIslam ist Ġtravel s ĠPant hers l ings C are Ġlaw suits ur as Ġcry st Ġlow ered Ġaer ial Ġcomb inations Ġha un Ġch a Ġv ine Ġquant ities Ġlink ing b ank Ġso y B ill ĠAngel a Ġrecip ient ĠProt est Ġs ocket Ġsolid arity Ġâ Ĩ m ill Ġvar ies ĠPak istani Dr agon Ġun e Ġhor izon ³³³³ ³³³³ Ġprov inces Ġfrank ly Ġenact ed not es [ ' Ġ19 2 ocr acy Ġendorse ment Ġover time Tr ue L ab lic ted ĠD NC Ġbe ats ĠJam ie 15 2 ĠIN T Cont act Ġaccount ed h ash ĠPack ers p ires Ġles bian Ġamend ments Ġhop eful ĠFin land Ġspot light Ġconfig ured Ġtrou bled Ġg aze ĠCal gary Ġrel iability Ġins urg sw er b uy ĠSk in Ġp ixels Ġhand gun Ġpar as Ġcateg or ĠE L ĠRe x Ind eed Ġkind a Ġconj unction ĠBry an ĠMan ufact y ang Pl us S QL ish ment Ġdom inate Ġn ail Ġo ath Ġeru pt ĠF ine it bart ĠCh ip ĠAb d ĠN am Ġbuy er Ġdiss ent Le aks Cont in Ġr ider ĠSome one Ġill usion c in ĠBoe ing Ġin adequ ov ation i ants Ġreb uild 4 50 ĠDest iny S W ĠT ill H it ia z ĠBang l acher s ĠRe form Ġse gments Ġsystem atic d c ĠConserv atives Ġport al h or ĠDragon bound Ġdrag ged om o Ġthe e ad vert ĠRep orts ĠE t Ġbarrel s Aug ust Ġcompar isons Ġhe x Ġan throp " [ bor ough ab i Ġpict ured play ing ĠAdd ress ĠMir ror Sm ith Ġt ires ĠN PR AA AA Ġclass ification ĠTh an ĠH arm ĠR A Ġreject ion min ation Ġr anged ĠF alls D I H ost ãĤ ´ ĠEx ample list ed th irds Ġsaf egu br and Ġprob able Can ada IT ION ĠQ aeda Ġch ick Ġimport s h it l oc W W Ġble w Ġany time Ġwh oles ik ed Ġcal culation cre ate ĠO ri Ġupgr aded Ġapp ar ut ory ĠM ol B rit ĠJ ong IN AL ĠStart ing Ġd ice urt le Ġre lying cl osure Ġprof itable Ġsl aughter ĠMan ual c aster Ġ" $ Ġfe ather ĠSim ply ie ves Ġdeter ior ĠPC I Ġst amp Ġfl aws Ġsh ade ham mer Ġpass port Ġcont ing am el Ġobser vers Ġneg lect ĠR B ĠBrother hood Ġskept ical f amily us k Ġemotion ally â Ļ ĠBet a ason able id ity ĠM ul Ġkick ing ĠC arm oll ah VERT IS ĠAt hen Ġlad der ĠBul let å £ 00 01 ĠWild life ĠM ask ĠN an R ev Ġun acceptable leg al Ġcrowd ed ag i ĠC ox j e Ġmor ality Ġfu els Ġc ables Ġman kind ĠCarib bean Ġanch or Ġby te ĠO ften ĠO z Ġcraft ed Ġhistor ian ĠW u Ġtow ers ĠCitiz ens Ġhel m Ġcred entials Ġsing ular ĠJes se Ġtack les Ġcont empt Ġa fore ĠSh adows Ġn il Ġur gent app le bl ood Ġv on Ġoff line Ġbreat he Ġj umps Ġirre levant ox ic om al import ant J im Ġgl oves arm ing dep th Ġtal ents ook ie ĠS B Ġpal m uff s est a IG H Ġcan on ĠVer izon ĠP le Ġcou pled vel t Ġfundra ising ĠGet ting ĠD LC Ġmathemat ical ĠH S ĠCard inals te lling Ġspons ors Ġ Ï ĠBull s op tion Ġprop ose Ġmem orable Ġembr aced Ġdecl ining He alth ed a Ġ} ; Ġsp am m ile Ġpit cher ĠE ight Ġcar ing ut ic ro le Ġair line ernand ez ĠAth let Ġcert ification ux e rig er Ġem pir Ġsens ation Ġdis m Ġb olt Ġev olve H ouse Ġconsult ation ĠD uty Ġtou ches ĠN athan Ġf aint h ad " ( ĠCons umer ĠExt reme Ġ12 7 ĠHer m ĠSac rament iz oph Ġanx ious ul ously Ġsoc ially ĠU TC Ġsol ving ĠLet ter Hist ory ed uc Pr ice ) ); Ġrel oad am ic Ġp ork Ġdisc ourse Ġt ournaments ai ro ĠK ur ĠCost a Ġviol ating Ġinterf ere Ġrecre ational uff le Ġspe eches Ġneed ing Ġremem bers Ġcred ited n ia f ocused amer a Ġb ru um bs ĠCub an Ġpreced ing Ġnons ense ac ial Ġsmart phones ĠSt ories S ports ĠEmer gency oun cing ef ined Ġb er Ġconsult ing Ġm asters he astern ." [ ĠRun ning Ġsus cept ĠF eng Americ a pr ises st itial ĠWeek ly ĠGreat er mod ules if ter G raphics ul er Ġwho lly Ġsupp ress Ġconce aled Ġhapp ily Ġaccept s ĠEn joy Ġr ivers ĠEx cept 2 25 ĠN HS ĠMc Connell Ġp ussy fer red ut able Ġatt ain Ġ> = Ġdepos its roph ic Ġnot orious ĠSh aw il itation Ġepid emic all ic Ġsmall est ov ich Ġaccess ories per ties Ġsur plus ĠMe ch Ġamb ig ĠImm igration Ġch im ev al Ġpract icing ĠMyster y Ġdom ains ĠSil icon app s Ġkilomet ers e a ĠSm ash Ġwarrant y Ġn ost s il re v J on ĠDub lin Ġtast es Ġb out g reat er ror Ġsw itches ĠB apt D O ok i Ġsour ced pro du Ġattach ment ĠIss ue ĠQuest ion Jo in Ġf itted Ġunlaw ful ^ ^ ere k Ġauthent ication Ġst ole Ġaccount ability l abel S earch Ġal beit atic an fund ed ĠAdd ing ĠI Q Ġsub mar l it a que ĠLear ning Ġint eger M aster ĠCh rom Ġprem ier O p ĠLi u Ġbl essed ĠGl obe ĠResp onse Ġlegit im ĠMer kel Ġdispos al  ´ Ġgau ge pe at Ġindu ced Ġquestion able arth y ĠV it ĠF eed U ntil U t worth y R Y ĠH erald ĠHam mer Ġmed al ĠR ivers ĠH ack Ġclar ify Ġtrack ed Ġautonom ous Ġten ant ĠQ atar er ie Ġgr im ĠMon itor Ġresist ant ĠSpe c ĠWell s N AS 14 8 Ġmin ers iot ics Ġmiss es 11 6 g ian g it ĠE yes p res Ġgrad uated Ġang el Ġsyn chron Ġefficient ly Ġtrans mitted H arry Ġglob ally EN CE ĠMont ana r aged ĠPre vention Ġp iss ĠL l Ġshe lf ĠB JP ĠTest ament ĠL ate ik er ĠH app ĠJul ian h all Ġsp ont Ġshut down Ġincons istent Ġsubscrib ers Ġske leton ĠNe braska Ġins pire ĠV oid F eed Ġang les ĠSpr ings Ġbench mark Ġvacc ines izoph ren se xual uff ed Ġsh ine ĠK ath Ġgest ure ine a Ġr ip Ġopp ression Ġcons cience b t ĠL um Ġinc idence ĠF a w r Ġmin eral ĠSp urs alk y Ġth under Ġop io Be ing ĠPal m Ġwas ted Ġl b i aries ĠIniti ative Ġcur ric Ġmark er ĠMc L Ġext ensions ĠP v ĠAr ms Ġoffer ings Ġdef enses Ġvend or Ġcontrad ict ĠCol in Ġredd it Ġper ipher 12 2 Ġs ins E dit IC T So ft ĠSh ah Ġadministr ator ĠT rip Ġporn ography Ġtu ition in ence ĠPro gress Ġcat alog Ġsu ite Ġh ike Ġreprodu ctive eng ine Ġd rought ĠNo ah Ġ2 30 Ġd ude Ġrelax ed Ġpart ition Ġparticip ant Ġtel esc Ġfe as ĠF F own er Ġswe eping Ġl enses Ġmatch up ĠRe pl ourn als Ġcred ible Ġgrand mother Ġther mal Ġsubscrib ing Ġident ities col m U CT Ġreluct ant us ers ĠC ort Ġassist ed OS S ATION S IS H Ġpharm aceutical ic able ad ian ĠSon ic ĠF ury ĠM ong A H ĠPsych ology Ġph osph Ġtreat s Ń Ķ Ġstead ily ĠHell o Ġrel ates Ġcl ue Ex pl a uth Ġrev ision Ġe ld os ion Ġbr on 14 4 ri kes Ġmin es Ġblank et ĠF ail el ed ĠIm agine ĠPl anned a ic Re quest M ad ĠHor se ĠEag le Ġcap ac 15 7 Ġl ing ĠN ice ĠP arenthood min ster og s ens itive Not hing Ġcar n F in ĠP E Ġr ifles ĠL P S and Ġgui Active Ġtour ist C NN Ġunve iled Ġpredec essor } { u ber Ġoff shore Ġopt ical ĠR ot ĠPear l et on Ġst ared Ġfart her at ility cont in ĠG y ĠF oster ĠC oc ri ents Ġdesign ing ĠEconom y ON G W omen ĠN ancy er ver Ġmas cul Ġcasual ties Ġ2 25 ĠS ullivan ĠCh oice Ġa ster w s Ġhot els Ġconsider ations Ġcou ch ĠSt rip ĠG n Ġmanip ulate l ied Ġsynt hetic Ġassault ed Ġoff enses ĠDra ke Ġim pe Oct ober ĠHer itage h l ĠBl air Un like Ġg rief Ġ4 50 Ġopt ed Ġresign ation il o Ġver se ĠT omb Ġu pt Ġa ired ĠH ook ĠML B Ġassum es out ed ĠV ers Ġinfer ior Ġbund le ĠD NS ograp her Ġmult ip ĠSoul s Ġillust rated Ġtact ic Ġdress ing Ġdu o Con f Ġrel ent Ġc ant Ġscar ce Ġcand y ĠC F Ġaffili ated Ġspr int yl an ĠGarc ia Ġj unk Pr int ex ec C rit Ġport rait ir ies ĠOF F Ġdisp utes W R L ove ãģ Ħ ĠRe yn Ġh ipp op ath Ġflo ors ĠFe el Ġwor ries Ġsett lements ĠP os Ġmos que Ġfin als Ġcr ushed ĠPro bably ĠB ot ĠM ans ĠPer iod Ġsovere ignty Ġsell er Ġap ost Ġam ateur Ġd orm Ġconsum ing Ġarm our ĠRo ose Ġint ensive Ġelim inating ĠSun ni ĠAle ppo j in Ġadv ise p al ĠH alo Ġdes cent Ġsimpl er Ġbo oth ST R L ater ĠC ave == = Ġm ol Ġf ist Ġshot gun su pp Ġrob bery E ffect Ġobsc ure ĠProf essional Ġemb assy Ġmilit ant Ġinc arcer Ġgener ates Ġlaun ches Ġadministr ators Ġsh aft Ġcirc ular Ġfresh man ĠW es ĠJo el ĠD rew ĠDun can ĠApp arently s ight ĠIntern al ĠInd ividual ĠF E Ġb ore ĠM t Ġbroad ly ĠO ptions ount ain ip es ĠV ideos 20 4 Ġh ills Ġsim ulation Ġdisappoint ment it an ĠLabor atory Ġup ward Ġbound ary Ġdark er h art Ġdomin ance C ong ĠOr acle ĠL ords Ġscholars hip ĠVin cent ed e ĠR ah Ġencour ages ro v Ġqu o Ġprem ise ĠCris is ĠHol ocaust Ġrhyth m Ġmet ric cl ub Ġtransport ed Ġn od ĠP ist Ġancest ors ĠFred er th umbnails ĠC E ON D Ph il ven ge ĠProduct s cast le Ġqual ifying ĠK aren VERTIS EMENT Ġmight y Ġexplan ations Ġfix ing D i Ġdecl aring Ġanonym ity Ġju ven ĠN ord ĠDo om ĠAct ually O k ph is ĠDes ert Ġ11 6 I K ĠF M Ġinc omes V EL ok ers Ġpe cul Ġlight weight g ue Ġacc ent Ġincre ment ĠCh an Ġcompl aining ĠB aghd Ġmidfield er Ġover haul Pro cess ĠH ollow ĠTit ans Sm all man uel ĠUn ity ĠEv ents S ty Ġdispro portion n esty en es ĠC od Ġdemonstr ations ĠCrim son ĠO H Ġen rolled Ġc el ĠBre tt Ġa ide Ġhe els Ġbroad band Ġmark ing Ġw izard ĠN J ĠChief s Ġingred ient Ġd ug ĠSh ut urch ase end or Ġfar mer ĠGold man 12 9 15 5 Or der Ġl ion i ably Ġst ain ar ray ilit ary ĠFA Q Ġexpl oded ĠMcC arthy ĠT weet ĠG reens ek ing l n ens en Ġmotor cycle Ġpartic le Ġch olesterol B ron Ġst air Ġox id Ġdes irable ib les Ġthe or for cing Ġpromot ional ov o b oot ĠBon us raw ling Ġshort age ĠP sy Ġrecru ited Ġinf ants Ġtest osterone Ġded uct Ġdistinct ive Ġfirm ware bu ilt 14 5 Ġexpl ored Ġfact ions Ġv ide Ġtatt oo Ġfinan cially Ġfat igue Ġproceed ing const itutional Ġmis er Ġch airs gg ing ipp le Ġd ent Ġdis reg ç Ķ st ant ll o b ps aken ing Ġab normal ĠE RA å£ « ĠH BO ĠM AR Ġcon cess Ġserv ant Ġas pir l av ĠPan el am o Ġprec ip Ġrecord ings Ġproceed ed Ġcol ony ĠT ang ab lo Ġstri pped Le ft to o Ġpot atoes Ġfin est % ). Ġc rap ĠZ ach ab ases ĠG oth Ġbillion aire w olf Ġsan ction S K Ġlog ged P o ey ed un al Ġcr icket Ġarm ies Ġunc overed Cl oud ó n Ġreb ounds Ġm es O per P ac Ġnation ally Ġinsert ed p ict Ġgovern ance Ð ¸ Ġprivile ges G ET Ġfavor ites im ity Ġlo ver the m em pl Ġgorge ous An n Ġsl ipped Ġve to B ob Ġsl im u cc ĠF ame udden ly Ġden ies ĠM aur Ġdist ances Ġw anna t ar ĠS ER Ġâ Ī Ġle mon at hetic Ġlit eral Ġdistingu ished Ġansw ering G I Ġrelig ions ĠPhil os ĠL ay Ġcomp os ire ments ĠK os ine z roll ing Ġyoung est and ise ĠB orn Ġalt ar am ina ĠB oot v oc Ġdig ging Ġpress ures Ġl en 26 4 Ġassass ination ĠBir mingham ĠMy th Ġsovere ign ĠArt ist ĠPhot ograph Ġdep icted Ġdisp ens orth y Ġamb ul int eg ĠC ele ĠTib et Ġhier archy Ġc u Ġpre season ĠPet erson Ġcol ours Ġworry ing Ġback ers ĠPal mer ĠÎ ¼ Ġcontribut or Ġhear ings Ġur ine Ġ Ù ourge ois Sim ilar ĠZ immer s omething ĠUS C Ġstrength s ĠF I Ġlog ging As ked ĠTh ai in qu ĠW alt Ġcrew s it ism 3 01 Ġshar ply um ed Ġred irect r ators In f ĠWe apons Ġte asp 19 99 L ive ĠEs pecially ĠS ter ĠVeter ans Ġint ro other apy Ġmal ware Ġbre eding Ġmole cular ĠR oute ĠCom ment oc hem Ġa in Se ason Ġlineback er Ä « ĠEconom ics es ar ĠL ives ĠEm ma Ġk in ĠTer rit Ġpl anted ot on ĠBut ter ĠSp ons P ER Ġdun geon Ġsymb olic Ġfil med Ġdi ets Ġconclud es Ġcertain ty ĠForm at Ġstr angers form at ĠPh ase Ġcop ied Ġmet res ld a ĠUs ers Ġdeliber ate Ġwas hed ĠL ance im ation Ġimpro per ĠGen esis ick r ĠK ush Ġreal ise Ġembarrass ing alk ing b ucks Ġver ified Ġout line year s ĠIn come 20 2 Ġz ombies F inal ĠMill enn Ġmod ifications ĠV ision ĠM oses ver b iter ranean ĠJ et Ġnav al ĠA gg Ġur l Ġvict ories Ġnon etheless Ġinj ust ĠF act ç ļ Ġins ufficient re view face book Ġnegoti ating Ġguarant ees im en uten berg Ġg ambling Ġcon gr Load ing Ġnever theless Ġpres idents ĠIndust rial Ġ11 8 Ġp oured ĠT ory Ġ17 5 Ġ: = Sc ott ange red T ok Ġorgan izers M at ĠG rowth Ġad ul Ġens ures Ġ11 7 é¾į å Ġmass acre Ġgr ades be fore AD VERTISEMENT ĠSl ow ĠM MA âĢĶ " ĠV atican Q aeda Ġo we 66 66 ĠS orry ĠGr ass Ġbackground s Ġexha usted Ġcl an Ġcomprom ised ĠE lf ĠIsa ac ens on In vest IF A Ġinterrupt ed ãĥī ãĥ© Ġtw isted ĠDrag ons M ode ĠK remlin Ġfert il he res ph an ĠN ode f ed ĠOr c Ġunw illing C ent Ġprior it Ġgrad uates Ġsubject ive Ġiss uing ĠL t Ġview er Ġw oke Th us bro ok Ġdep ressed Ġbr acket ĠG or ĠFight ing Ġstri ker Rep ort ĠPortug al Ġne o w ed 19 9 Ġflee ing sh adow ident ified US E Ste am Ġstret ched Ġrevel ations art ed ĠD w Ġalign ment est on ĠJ ared S ep Ġblog s up date g om r isk Ġcl ash ĠH our Ġrun time Ġunw anted Ġsc am Ġr ack Ġen light on est ĠF err Ġconv ictions Ġp iano Ġcirc ulation ĠW elcome Ġback lash ĠW ade Ġrece ivers ot ive J eff Ġnetwork ing ĠPre p ĠExpl orer Ġlect ure Ġupload ed ĠMe at B LE ĠNaz is ĠSy nd st ud ro ots ri ans Ġportray ed Ġ ?? ĠBudd ha s un Rober t ĠCom plex Ġover see Ġste alth T itle ĠJ obs ĠK um Ġappreci ation ĠM OD Ġbas ics Ġcl ips Ġnurs ing Ġpropos ition Ġreal ised ĠNY C Ġall ocated ri um ar an ĠPro duction ĠV ote Ġsm ugg Ġhun ter az er ĠCh anges Ġfl uct y on Ar ray Ġk its W ater Ġuncom mon Ġrest ing ell s w ould Ġpurs ued Ġassert ion omet own ĠMos ul ĠPl atform io let Ġshare holders Ġtra ils P ay ĠEn forcement ty pes ĠAn onymous Ġsatisf ying il ogy Ġ( ' w ave c ity Ste ve Ġconfront ation ĠE ld C apt ah an ht m ĠC trl ON S 2 30 if a hold ing Ġdelic ate Ġj aw ĠGo ing or um S al Ġd ull ĠB eth Ġpr isons Ġe go ĠEl sa avor ite ĠG ang ĠN uclear Ġsp ider ats u Ġsam pling Ġabsor bed ĠPh arm iet h Ġbuck et ĠRec omm O F ĠF actory AN CE Ġb acter H as ĠObs erv 12 1 Ġprem iere De velop Ġcur rencies C ast Ġaccompany ing ĠNash ville Ġfat ty ĠBre nd Ġloc ks Ġcent ered ĠU T augh s or ie ĠAff ordable v ance D L em et Ġthr one ĠBlu etooth Ġn aming if ts AD E Ġcorrect ed Ġprompt ly ĠST R Ġgen ome Ġcop e Ġval ley Ġround ed ĠK end al ion p ers Ġtour ism Ġst ark v l Ġblow ing ĠSche dule st d Ġunh appy Ġlit igation ced es Ġand roid Ġinteg ral ere rs ud ed t ax Ġre iter ĠMot ors oci ated Ġwond ers ĠAp ost uck ing ĠRoose velt f ram Ġyield s Ġconstit utes aw k Int erest Ġinter im Ġbreak through ĠC her Ġpro sec ĠD j ĠM T Res p ĠP T Ġs perm ed it B T Lin ux count ry le ague Ġd ick Ġo ct Ġinsert ing Ġsc ra ĠBrew ing Ġ19 66 Ġrun ners Ġpl un id y ĠD ian Ġdys function Ġex clusion Ġdis gr Ġincorpor ate Ġrecon c Ġnom inated ĠAr cher d raw achel or Ġwrit ings Ġshall ow Ġh ast ĠB MW ĠR S Ġth igh Ġ19 63 Ġl amb Ġfav ored ag le Ġcool er ĠH ours ĠG U ĠOrig in Ġglim pse ---------------- ---- L im Ġche ek Ġj ealous - ' Ġhar ness ĠPo ison Ġdis abilities ne apolis Ġout look Ġnot ify ĠIndian apolis Ġab rupt ns ic Ġenc rypted Ġfor fe reat h Ġr abb Ġfound ations Ġcompl iment ĠInter view ĠS we Ġad olesc Ġmon itors ĠSacrament o Ġtime ly Ġcontem pl Ġposition ed Ġpost ers ph ies iov ascular v oid ĠFif th Ġinvestig ative OU N Ġinteg rate ĠIN C ish a ibl ings ĠRe quest ĠRodrig uez Ġsl ides ĠD X Ġfemin ism Ġdat as Ġb end ir us ĠNig eria F ox Ch ange Ġair plane ĠLad en Ġpublic ity ixt y Ġcommit ments Ġaggreg ate Ġdisplay ing ĠAr row Ġ12 2 Ġrespect s and roid s ix ĠSh a Ġrest oration ) \ W S oy s Ġillust rate with out 12 6 ĠâĶ Ĥ Ġpick up n els Ġ .... f ood ĠF en ) ? Ġphenomen a Ġcompan ions ĠW rite Ġsp ill Ġbr idges ĠUp dated ĠF o Ġinsect s ASH INGTON Ġsc are il tr ĠZh ang Ġsever ity Ġind ul 14 9 ĠCo ffee Ġnorm s Ġp ulse ĠF T Ġhorr ific ĠDest roy ĠJ SON Ġo live Ġdiscuss es R est E lect ĠW inn ĠSurv iv ĠH ait S ure op ed Ġro oted ĠS ke ĠBron ze Ġl ol Def ault Ġcommod ity red ited Ġliber tarian Ġforb idden Ġgr an à ¨ Ġl ag en z dri ve Ġmathemat ics Ġw ires Ġcrit ically Ġcarb ohyd ĠChance llor ĠEd die Ġban ning ĠF ri Ġcompl ications et ric ĠBangl adesh Ġband width St op ĠOrig inally Ġhalf way yn asty sh ine Ġt ales rit ies av ier Ġspin ning ĠWH O Ġneighbour hood b ach Ġcommer ce ĠS le B U Ġentreprene ur Ġpecul iar ĠCom ments f re 3 20 IC S Ġimag ery ĠCan on ĠElect ronic sh ort ( ( D ig Ġcomm em u ced Ġincl ined ĠSum mon Ġcl iff ĠMed iterranean Ġpo etry Ġprosper ity ĠRe ce Ġp ills m ember Ġfin ale un c ĠG ig ä ½ Ġl od Ġback ward - + ĠFor ward Ġth ri s ure Ġso ap ĠF X R ES ĠSe xual oul os Ġfool ish Ġright eous Ġco ff terror ism ust ain ot er Ġab uses ne xt Ġab usive Ġthere after Ġprohib ition ĠS UP Ġd ip Ġr ipped Ġinher ited Ġb ats st ru G T Ġflaw ed ph abet Ġf og do ors Ġim aging Ġdig its ĠHung ary Ġar rog Ġteach ings Ġprotocol s ĠB anks à ¸ p ound ĠC urt ." ) . / Ġex emption end ix ĠM ull Ġimpro ves ĠG amer d imensional I con ĠMarg aret St atus d ates Ġint ends Ġdep ict Ġpark ed J oe ĠMar ines chn ology ! ). Ġjud ged Ġwe ights R ay Ġapart ments he ster Ġrein force Ġoff ender occ up Ġs ore e pt ĠPH P ĠB row Ġauthor ization ĠR isk ĠDel aware ĠQ U Ġnot ifications Ġsun light Ġex clude d at Ġm esh ĠSud an Ġbelong ed Ġsub way Ġno on ĠInter ior ol ics ĠL akers Ġc oding Dis claimer Cal if O ld Ġdis l ???? ? Ġconfir ms Ġrecruit ment Ġhom icide Cons ider ĠJeff rey ft y } ; Ġobject ion do ing ĠLe o W ant Ġgl ow ĠClar ke ĠNorm an Ġver ification Ġpack et ĠForm ula Ġpl ag es ville Ġshout ing Ġo v ĠR EC ĠB ub Ġn inth Ġener g Ġvalid ity Ġup s j ack Ġneighbor ing ĠN ec ew orks ĠH ab are z Ġsp ine Ġevent ual ĠLe aders ĠC arn Ġprob ation Ġrom ance ms g ĠMechan ical ER Y R ock Ġpart isan N ode ass ets min ent Ġforeign ers Ġtest ify ĠUs ually l ords ĠG ren ĠPow ell BI L Ġs r Ġadd ict Ġshell s Ġs igh ĠY ale tern ity Ġ7 50 E U ĠR ifle Ġpat ron em a ĠB annon an ity Ġtrop ical ĠV II c ross Every thing ĠIS O Ġhum ble ass ing ĠF IG Ġupd ating ys on Ġcal cium Ġcompet ent Ġste ering Pro t ĠS Y ĠFin als ĠR ug 15 9 13 7 ĠG olf Ġ12 6 Ġaccommod ation ĠHug hes Ġaest hetic art isan ĠTw ilight Ġpr ince ĠAgric ulture ĠDis co Ġpreced ent Ġtyp ing author ized O ption ĠA ub l ishes ach t m ag P eter ĠU FO mont on ĠL ith Ġa rom Ġsec uring Ġconf ined priv ate Ġsw ords Ġmark ers Ġmetab olic se lect ĠCur se ĠO t g ressive Ġinc umb ĠS aga Ġpr iced Ġclear ance Cont ent Ġdr illing Ġnot ices Ġb ourgeois Ġv est Ġcook ie ĠGuard ians ry s in yl Ġ12 4 Ġpl ausible on gh ĠOd in Ġconcept ion ĠY uk ĠBaghd ad ĠFl ag Aust ral ĠI BM Ġintern ationally ĠWiki Leaks I ED Ġc yn Ġcho oses ĠP ill Ġcomb ining Ġrad i ĠMoh ammed def ense atch ing Sub ject ic iency Fr ame Ġ{ " Ġche ss Ġtim er 19 0 Ġt in Ġord inance emet ery Ġacc using Ġnotice able Ġcent res Ġl id ĠM ills img ur Ġz oom erg ic Ġcomp ression pr im f ind Ġsur g Ġp and ĠK ee ĠCh ad cell ence oy le Ġsocial ism ĠT ravis ĠM Hz Ġgu ild ALL Y ĠSub scribe ĠRel ated Ġoccur rence itch ing Ġfict ional Ġcr ush ĠE A c od m ix ĠTri ple Ġretrie ve Ġstimul us Ġpsych iat ĠDo or Ġhomosexual ity Ġelement ary Ġcell ular id ian ĠL aun Ġintrig uing Ġfo am ĠB ass id i its u Ġass ure Ġcongr at Ġbusiness man ĠBo ost cl ose Ġl ied Ġsc iences ĠO mega ĠG raphics Ġ< = sp oken Ġconnect ivity S aturday ĠAven gers Ġto ggle Ġank le Ġnational ist mod el ĠP ool ophob ia V ar ĠM ons ator ies Ġaggress ively C lear For ge act ers Ġhed ge Ġpip es Ġbl unt Ġs q Ġremote ly W ed as ers Ġref riger Ġt iles Ġresc ued Ġcompr ised ins ky Ġman if avan augh Ġprol ifer Ġal igned x ml Ġtri v Ġcoord ination ĠP ER ĠQu ote 13 4 b f ĠS aw Ġtermin ation Ġ19 0 Ġadd itions Ġtri o Ġproject ions Ġpositive ly Ġin clusive Ġmem br 19 90 old er Ġpract iced ink le Ar ch Ġstar ters ari us Ġinter mediate ĠBen ef ĠK iller Ġinter ventions ĠK il ĠF lying In v Ġprem ature Ġpsych iatric Ġind ie Ġcoll ar ĠRain bow af i Ġdis ruption ĠFO X cast ing Ġmis dem c ro Ġw ipe ard on Ġb ast ĠTom my ĠRepresent ative Ġbell y ĠP O ĠBre itbart 13 2 Ġmess aging Sh ould Ref erences ĠG RE ist ical L P ĠC av ĠC razy Ġintu itive ke eping ĠM oss Ġdiscont in ĠMod ule Ġun related ĠPract ice ĠTrans port Ġstatist ically orn s Ġs ized p u Ġca f ĠWorld s ĠRod gers ĠL un ĠCom ic l iving Ġc ared Ġclim bed ) { Ġconsist ed Ġmed ieval fol k Ġh acked Ġd ire ĠHerm ione Ġt ended ce ans D aniel w ent Ġlegisl ators Ġred es g ames Ġg n am iliar Ġ+ + gg y th reat Ġmag net Ġper ceive Ġz ip Ġindict ment Ġcrit ique g ard ĠSaf e ĠC ream Ġad vent ob a Ġv owed ous ands Ġsk i Ġabort ions u art Ġstun ned Ġadv ancing Ġlack ed Ġ\ " Ġsch izophren Ġeleg ant Ġconf erences Ġcance led ĠHud son ĠHop efully Ġtr ump Ġfrequ encies Ġmet eor ĠJun ior ĠFle et ĠMal colm ĠT ools Ġ ........ Ġh obby ĠEurope ans Ġ15 00 ĠInt o Ġs way ĠApp ro ĠCom pl Comm unity Ġt ide ĠSum mit ä » Ġinter vals ĠE ther Ġhabit at ĠSteven s lish ing ĠDom ain Ġtrig gers Ġch asing Ġchar m ĠFl ower it ored Ġbless ing Ġtext ures F ive Ġliqu or R P F IN Ġ19 62 C AR Un known Ġres il ĠL ily Ġabund ance Ġpredict able r ar Ġbull shit le en che t M or M uch ä ¹ Ġemphas ized Ġcr ust Ġprim itive Ġenjoy able ĠPict ures Ġteam mate pl er ĠT ol ĠK ane Ġsummon ed th y ram a ĠH onda Ġreal izing Ġquick er Ġconcent rate cle ar Ġ2 10 ĠErd ogan ar is Ġrespond s ĠB I Ġelig ibility Ġpus hes ĠId aho Ġagg rav Ġru ins ur ations Ġb ans Ġan at sh are Ġgr ind h in um en Ġut ilities ĠYan kees Ġdat abases ĠD D Ġdispl aced Ġdepend encies Ġstim ulation h un h ouses ĠP retty ĠRaven s ĠTOD AY Ġassoci ates Ġthe rape cl ed Ġde er Ġrep airs rent ice Ġrecept ors Ġrem ed ĠC e Ġmar riages Ġball ots ĠSold ier Ġhilar ious op l 13 8 Ġinherent ly Ġignor ant Ġb ounce ĠE aster REL ATED ĠCur rency E V ãĥ ŀ ĠLe ad Ġdece ased B rien ĠMus k J S Ġmer ge heart ed c reat m itt m und ĠâĢ ĭ ĠB ag Ġproject ion Ġj ava ĠStand ards ĠLeon ard Ġcoc onut ĠPop ulation Ġtra ject Ġimp ly Ġcur iosity ĠD B ĠF resh ĠP or Ġheav ier ne ys gom ery Ġdes erved Ġphr ases ĠG C Ġye ast d esc De ath Ġreb oot Ġmet adata IC AL Ġrep ay ĠInd ependence Ġsubur ban ical s Ġat op Ġall ocation gener ation ĠG ram Ġmoist ure Ġp ine ĠLiber als Ġa ides Ġund erest ĠBer ry Ġcere mon 3 70 ast rous ĠPir ates Ġt ense ĠIndust ries ĠApp eals ĠN ear Ġè£ı ç Ġlo vers ĠC AP ĠC raw Ġg iants Ġeffic acy E lement ĠBeh avior ĠToy ota Ġint est P riv A I Ġmaneu ver Ġperfect ion Ġb ang p aper r ill Ge orge b order in ters ĠS eth Ġcl ues ĠLe vi ĠRe venue 14 7 Ġv apor Ġfortun ate Ġthreat ens Ġve t Ġdepend ency ers ed art icle ĠBl izzard Ġch lor Ġmin us ĠB ills Ġcryptoc urrency Ġmetabol ism ter ing Ġp estic step s ĠTre asure ract ed ĠConst ant Ġtem p 13 9 ĠDet ective ur ally Ġrecover ing Ġcort ex Ġ14 4 cl osed Ġprejud ice aun ted Ġstorm s ĠN OW Ġmach inery Add ress Ġcompe lled 27 0 Ġdesp air b ane Ġveget able Ġbed s Lear n Ġcolor ful Ġsp ike Ġmarg ins Ġsymp athy Ġworks hop ĠC BC S at Ġburn s ĠG ender Ġ12 9 ĠC able Ġdeb ts ĠThe resa Ġreflect ing Ġa irst Ġr im ram id Ġweakness es W rit ogg le t i ĠCh arge Ġwe ighed Ġ( . Ġl aughter Ġrou ter ĠDemocr acy D ear Ġhas ht Ġd y Ġhint s run ning Ġfin ishes ar us M ass res ult asc us Ġv intage Ġcon qu Ġwild ly ac ist Ġl ingu Ġprot agonist st rom te enth ĠSol o m ac f illed Ġre nown it ives Ġmot ive ĠAnt ar ĠM ann ĠAd just Ġrock ets Ġtrou bling e i Ġorgan isms ass is Christ ian Ġ14 5 ĠH ass Ġsw all Ġw ax ĠSurv ival V S ĠM urd v d stand ard Ġdrag ons Ġacceler ation r ational f inal Ġp aired ĠE thereum Ġinterf aces Ġres ent Ġartif acts Å « are l Ġcompet itor ĠNich olas ĠSur face c pp ĠT ot Ġeconom ically Ġorgan ised Ġen forced in ho Ġvar ieties Ġab dom ĠBa iley id av ĠSal v p aid Ġalt itude ess ert ĠG utenberg are a op oulos Ġprofess ors igg s ĠF ate he y Ġ3 000 D ist Ġtw ins c ill ĠM aps Ġtra ps Ġwe ed ĠK iss Ġy oga Ġrecip ients ĠWest minster Ġpool s ĠWal mart 18 8 ĠSchool s att ack ĠAR M par agraph W arning j l Ġself ish anche z ĠHe ights F re ĠS oph Ġ -------------------------------- t ml 33 3 Ġraid s Ġsatell ites KE Y Ġlast s Ñ Ĥ In s ĠD ame Ġunp redict // / gh ai Ġart illery Ġcru ise Ġg el ĠCabin et Ġbl ows ĠE sp Ġprox imity ot he ĠSk ills ĠU pper ob o ĠN DP Ġenjoy s Ġrepe ating ĠConst ruction ĠQuest ions H illary Ġu int Ġprocess ors ĠGib son ĠMult iple q a ĠB om ĠM iles vent ional Ġhur ts s kin ĠA IDS Ġadvis ers ĠR oot Ġmethod ology ĠD ale Ġdet on ĠKnow ledge sequ ently Ġ12 1 Ġconnect s C y ĠD anger Ġcontribut ors ĠB ent Ġbr ass ĠGun s int o ĠFort une Ġbro ker bal ance Ġlength s Ġv ic Ġaver aging Ġappropri ately ĠCamer a Ġsand wich ĠCD C Ġcoord inate Ġnav ig Ġgood ness l aim Ġbra ke Ġextrem ist ĠW ake ĠM end ĠT iny ĠC OL ĠR F ĠD ual ĠW ine C ase Ġref ined Ġl amp L ead Ġb apt ĠCar b ĠS add ĠMin neapolis PD F Ear ly ĠH idden I ts ĠT IME Ġp ap Ġcommission ed ĠF ew ĠCol ts ĠB ren Ġbot hered Ġlike wise Ex per ĠSch w c ry n n ĠM itch im on M G b m UM P r ays Ġregist ry Ġ2 70 ach ine re lla ant ing 00 000 Ġru ined sp ot Ġt a Ġmaxim ize Ġincon ven D ead H uman En abled ĠMar ie Ġch ill ĠParad ise Ġstar ring ĠLat ino ĠProt ocol ĠE VER Ġsuppl iers m essage ĠBro ck Ġser um âĸĪâĸĪ âĸĪâĸĪ Ġen comp Ġamb ition ues e Ġar rows And rew Ġanten na Ġ19 61 ĠB ark Ġb ool ãĤ ª ĠSt orage Ġrail way Ġtoug her ĠC ad Ġwas hing P y ' ] em bed ĠMem phis ack le Ġfam ously ĠF ortunately ov ies Ġmind set Ġsne ak ĠD h RA W ĠSim pson Ġliv est Ġland mark Ġc ement L ow Ġthr illed ĠCour se in el Ġch uck id ate gl obal Ġwh it Ġ � ad ays s ki ĠS V Ġvir uses 30 6 ĠResp ons Ġthe aters ĠBr anch ĠGene va ĠM K Ġunbel iev Ġcommun ist Orig inal ĠRe ceived ĠTrans fer ĠAr g In put ĠStr ategy Ġpal ace the ning D ri Ġsent encing umbn ail Ġp ins re cy Ġs iblings Get ting ĠB U ĠNorth west Ġprolong ed ĠSak ura C omb ĠB our Ġinadequ ate ĠK ash Ġus ername ĠImpro ve Ġbatt ling ĠM AC Ġcurric ulum Ġs oda ĠC annon Ġsens ible sp ons De cember Ġw icked ĠP engu Ġdict ators ĠHe arts og yn Ġsimilar ities ĠSt ats Ġh ollow it ations ": [ Ġh over ĠList en s ch S und Ġc ad ĠPar ks Ġl ur Ġhy pe ĠL em N AME is ure Fr iday Ġshoot s Ġclos es Ġd b ĠR idge ĠDiff erent Ġrepl ies ĠBroad way op ers Ġint oler ĠZe us akes pe Ġpropri etary Ġrequest ing Ġcontro llers ĠM IN im edia be cca Ġexp ans Ġoil s B ot ĠCh and Ġpr inter Ġto pped ĠP OL ĠEar lier S ocial av in Ġdecre ases ĠSe b Ġspecific ations ĠBl ast ĠK urt Ġfre el B rown Ġdil ig ro e ĠPro blem ĠQu ad Ġdecent ral ĠV ector an ut Ġplug ins ĠGreg ory Ġfuck ed el ines ĠAmb assador t ake Ġcle ans ong yang An onymous st ro " } al ine ĠO dd ĠE ug 2 16 Ġbo il ĠP owers Ġnurs es Ob viously ĠTechn ical Ġexceed ed OR S Ġextrem ists Ġtr aces ex pl Ġcom r ĠS ach ) / Ġm asks Ġsc i B on Ġreg ression we gian Ġadvis or it ures ĠV o ex ample ĠInst ruct Ġs iege Ġredu ctions pt r Ġstat utory Ġrem oves Ġp uck red its Ġbe e Ġsal ad Ġpromot ions ĠJosh ua with standing ET H ĠCh a im us Ġexpend iture aun ting Ġdelight ed Ġ15 5 be h Ġcar pet ĠSp art Ġj ungle l ists Ġbull ying ĠNob el ĠGl en Ġreferen ced Ġintrodu ces se in Ġcho pped gl ass ĠW rest Ġneutral ity Ġâ Ļ Ġinvestig ator Ġshel ves Ġun constitutional Ġreprodu ction Ġmer chant m ia Ġmet rics Ġexplos ives ĠSon ia Ġbod ily Ġthick ness Ġpredomin antly ĠAb ility Ġmon itored IC H Ġ] . ĠMart inez Ġvis ibility Ġqu eries Ġgen ocide ĠWar fare Qu ery Ġstud ios Ġemb ry Ġcorrid or Ġclean ed com plete ĠM H Ġenroll ment ING S Ġimpact ed Ġdis astrous ĠY un ĠCl aire ĠBas ically y t uster ity Ġindirect ly w ik Ġd od ĠCar r Ġam p Ġprohib it ĠIn itial ĠR d ij i Ġeduc ate c orn i ott ĠBeaut y Ġdetect ive ĠCon n s ince Ġst agger Ġob ese Ġb ree olog ic is se walk er Ġbl ades Ġlaw ful fun c ĠBeh ind Ġappet ite Ġ( * Ġt ennis Ġoff spring Ġj ets Ġstruct ured Ġafore mentioned N ov Ġsc aling f ill Ġst ew Ġcur b ĠStep han ed In S F ob ic é ŃĶ ou g ĠM M Ġgen etically ope z 13 6 Ġu mb anc ers Ġcoh ort Ġmerch andise Ġimp osing ĠLegisl ature ĠArch ive iv ia ĠN aval Ġoff ences Ġmir acle Ġsn apped Ġf oes Ġextensive ly ĠR af Ġc ater ed ience K it ĠB in Ġrecomm ends ĠC ities Ġrig id ĠRE AD ĠNob le ĠT ian Ġcertific ates ant is o iler ĠBudd hist d id Ġsurvey ed Ġdown ward Ġprint s ĠMot ion ron ics ĠS ans oss ibly u ctions Ġcolon ies ĠDan ish un it Ġsp oil Ġadvis ory ber ries Pl an Ġspecific ation op hers ĠRes ource Ġsh irts prising ly commun ications Ġtriv ial Ġmention ing ise xual Ġsupp lements Ġsuper vision B P v or Ġw it Ġco oldown Ġplaint iff ĠReview s ĠS ri ĠM int ĠSug ar Ġafter ward ĠPri est ĠInvest ment og ene ĠT aking Ġstretch ing Ġinflamm ation ĠTe hran Ġl ining Ġfree zing ĠEnt ity Ġins piring spe cial pr ice Ġsu e ĠP orter oun ge ET A ĠD erek ĠLu is u o ym ph Ġex terior ih il ĠAsh ley in ator Ġnut rients ĠTh rones Ġfin ances ĠIn spect Ġspe cially ĠRequ ired ĠP TS ĠViol ence oint ed sh ots Ġex cerpt co on IN S ĠG ri Ġrecogn ised We ek You ng Ġv om is le ĠCur ry ĠBudd h Ġnot ebook Ġd urable / ? ĠG ad ĠP upp Ġforg ive p ark Ġpersonal ities an alysis cl amation Ġelev ator Ġware house ĠR ole un n Ġillust ration ĠSc an Ġatmosp heric Im port AN C rict ed f u 01 0 Ġar che Ġreward ed akespe are Ġintern ally ĠR BI alk er Ġeleph ant ow itz ĠP izza Ġbip artisan é s Ġslow ed ĠSt ark Ġover ride OU S Ġ3 20 undred s ĠDe ck ĠC ensus be e 14 6 ot or Ġ ip Ġu b oc ations ĠBut ton r ice Ġc ripp ff f Ġorig inated Ġoverwhel med app a Ġfore most âĢ ij ĠL EG re lease eat ured at ches Ġre ps Ġl ending ĠRe ference ĠCl ient 16 5 vent h Com plete ĠPat rol Ġsw orn c am Ġshut tle ĠR alph Ġh ometown - , on al ĠB P å ı Ġpersu ade ĠAlex and Ġcomb ines Ġv ivid ĠL ag Ġenc oding Ġsal vation w en ĠRec overy i ya Un iversity ĠB iden Ġbud gets ĠTex ans f its Ġhon ored Ġp ython T D ## # cl one Ġbl ink ĠL iquid Ġunemploy ed Ġcl ashes ĠCoun sel Ġdirect ing Ġpun ct ĠFal cons Ġsh ark ĠDam ascus Ġje ans Ġemb ark Ġse ize Ġup wards 2 80 ĠE z ĠAny thing Ġex otic l ower ĠCreat or ĠU m Ġsubur bs ber ger ĠW end Ġm int ĠX X ĠD ro Ġsuff ers Ġher b t ree Ġfrag ile Ġflood ed ĠAl cohol ole an ny der ĠK O F ram Ġ13 6 Ġow ed ĠMe lee ĠH ash Ġwh isk Ġsu do r r Qu ick app ro Ġi i ĠEx amples he e Ġpromot es per ature k ar ĠHon or Ġs odium ĠL if ros so intend ent Ġcorrespond ent F ound sec ret Ġident ifies ag ne Ġl ou ĠP P Ġcoinc idence m ove Ġmilit ia Ġinf iltr ĠPrim ary Ġpitch ing ĠI b ĠGO OD ãĤ ¸ ĠW izards ir al ĠVen us R R ĠâĢ ķ ĠCase y Ġsad ly Ġadm ire Ġembarrass ed c b M el Ġtub es Ġbeaut ifully ĠQueens land Bel ow re z qu et ple asant Ġ « C amp Ġdec isive 19 98 ĠL amb ut ton h n ĠJ agu au nder ĠC ord Ġcl erk Ġca ffe Ġwip ed Ġre im ĠMount ains Ġimprison ed Ġdevelop s ĠP ra Ġmodel ing Any one ance l ĠS it Ġshield s Ġl awn Ġcard iovascular Ġdemonstr ating Ġpar se ĠIsrael is Ġeuro s 14 3 Ġgl orious ins ki ec d Ġcondition ing Ġhel pless Ġmicro sc ĠHar bor Ġst akes Ġ2 60 Ġun equ ĠFl oyd Ġd amp Ġappar atus ĠLaw s Ġcoun ters Ġindu ce at able ĠAh med Ġsl am N ovember Ġpers ist Ġim minent á n Ġsh red Ġph ases ĠEd monton ĠArm strong ĠMe et ĠK itty Ñ Ģ c irc ĠAd ult Ġa rose ĠX en D an g ow Ġsuper f ĠAd mir Ġend ure Ġkey word yr us Ġy arn Ġpath way ĠHop kins mid t Ġcens orship d ependent Ġinstruct or S ources Ġto e Ġball oon N ob Ġsw ear ĠCast ro Ġgl oss ĠK avanaugh Ġremark ably Ph otos ĠN om ĠS outheast y ers Ġvalid ation Ġcann on ĠVict ory ĠPier re Ġcaut ious Aud io Ġf etch ĠG ift ĠH yp Ġrem edy Z E Ġsc ent Ġbe ard ĠR ut - " Ġpat ents H y Ġun just Ġpot ato Ġforth coming Ġche f ĠR ift aff e ĠR OM ĠL aunch Ġp ads ĠNe o Ġon set Ġsquee ze s afe Ġpref ix ĠT M ĠN early ĠClin ical ĠM ental ot iation ĠUn ic ant ry ĠC ir Ġep it à ¦ Ġextract ed verse ly ri ad Ġstr ains Ġto ps Ġpo em ĠRand y ĠMap le TH ER up iter ĠSS D ļ é Ġun con per ing Ġsle pt in ers Ġunder water ĠEv idence g one 20 5 Ġhistor ians Ġsynt hesis Ġf rog b asketball Ġvibr ant Ġsub ord Ġ3 65 ĠD ial Ġcooper ate HA HA Ġgreet ed 15 8 Ġj azz Ġinto x ĠWalk ing Ġsuper visor ĠF usion ĠMer cedes s end H am s d n l Ġtour s ĠF IFA Ġcul p g d 30 4 Ġple as Ġillust rates ĠColomb ia Ġhighlight ing ĠSum mary Ġexp osing ĠD ru Ġir ony r itional ĠCar roll ĠEll is P ict ĠR apt Ġad apter Ġun m Ġcor pse Ġceleb rities D en at um ĠAp ocalypse ĠW ag lin ing Ġhorm ones R ub ĠX i ĠV aults 20 8 alky rie inos aur Ġfeed s v ity Ġdefe ating W ait Ġemphas ize ĠSteel ers yr inth le ys ĠWhe never Current ly ĠCl ock Ġcollect ively any on ĠJ P Ġment ality Ġdownload s Ġsurround ings ĠBarn es Ġflags hip Ġindic ators Ġgra pp Jan uary ĠElement al ĠAthen a ib al Ġs ights Ġcap ita ĠTreat y Ġvo iced ĠG az let te Ġy a Ġexp ired Leg end H ot n ature Ġunst able Ġ2 80 à º Com ment AL E Ġquest s Ġhand ler n is Ġvers atile Ġconce al enge ance ĠInter active Ġobs essed ĠDog s Ġcr acked S ound s v ĠD ylan ro ads f x ĠCath olics ĠH ag Ġsl ammed Ġgl owing s ale Ġtiss ues ĠCh i ne e Ġc her s ic ur rection Ġb acon ul atory ) ." Ġir regular FOR M ass ed Ġintention al Ġcompens ate ĠSpe aking ĠS ets 15 3 Ġconvent ions b ands em ade Ġe cc ĠWin ston ĠAssass in ĠBelg ian Ġdepend ence Ġnic he Ġb ark ĠJ azz Ġdisadvant age Ġgas oline Ġ16 5 çļ Ħ ess a mod ule ang ular O Y ĠTreat ment it as ol ation ĠArn old Ġfe ud ĠN est Ġthe atre ew ater Ġmin ors olic y ĠH aven div ision Ġtr unk F ar ĠP ull Ġcapt uring Ġ18 00 ĠTe en Ġex empl Ġclin ics ĠB urg Ġsubst it Ġpay load ĠL av ĠT roy ĠW itness Ġfrag ments Ġpass words Ġg ospel ĠG in Ġten ants ol ith S ix Pre vious ĠAg es ĠDar win Ġbl at Ġem pathy sm ith b ag ĠE cho ĠC amb ĠM add ĠB oo Ġred e ĠBurn ing Ġsmooth ly ĠAd rian ĠV ampire ĠMon sters ste am Sty le M a re a ĠD war aly st urs or Ġelim ination Ġcrypt o ch t ĠE ternal â̦ ] ĠS orce I ll N ER Ġu h Con clusion w age Ġresp ir Ġrem inis het ical Ġg y Ġutil ized ic idal Ġ19 00 Ġhun ters ĠSw an ĠRe act Ġvis itor ĠThanks giving 30 8 Post s Ġh ips 19 97 om ers Ġkn ocking ĠVeh icle Ġt il Ġ13 8 Ġm i ĠInvest igation ĠKen ya Ġcas ino Ġmot ives Ġreg ain re x Ġweek ends Ġstab bed bor o Ġexplo ited ĠHA VE ĠTe levision c ock Ġprepar ations Ġende av ĠRem ote ĠM aker ĠPro du ĠEv an Ġinform ational ĠLouis ville 15 4 ĠDream s Ġpl ots ĠRun ner Ġhur ting Ġacad emy ĠMont gomery n m ĠL anc ĠAl z 2 10 el ong Ġretail er Ġar ising Ġrebell ion Ġbl onde play ed Ġinstrument al C ross Ġret ention Ġtherape utic Ġse as Ġinfant ry ĠCl int Ġprompt ing Ġbit ch Ġst ems ĠK ra Ġthe sis ĠB og ru ed Ġk ings Ġcl ay ific ent ĠY ES ĠTh ing ĠCub s vey ard els h in arily ĠE y ĠRoll ing Ġev olving Ind ia Ġrecogn izes Ġgrad uation is ers Ġfert ility ĠMil an Comm and Ġbox ing Ġ19 43 Ġgl uten ĠEm ir Ġid ol Ġcon ceived ĠCre ation Mer it udd y uss ions ĠLie utenant iet al Ġunch anged ĠSc ale ĠCrime a ball s ator ial Ġdepth s Ġempir ical Ġtrans m Ġuns afe miss ible com fort 15 6 Ġmechan ic 00 2 l ins Ġsm oked P os Ġslow ing Ġl av Tex as Ġche ating ĠMet ropolitan eth yl Ġdiscover ing as se Ġpen cil ĠPy ongyang Ġclos et ĠShe et ĠEnt ry ou stic Ġmy st er ate ari at Ġminer als Ġmusic ian ĠP ul ĠM az 24 9 Ġper missions Ġ iv en ary ick ers ĠB ing he a en able Ġgri ev Ġassert ed ĠColon el Ġaff idav w o Ġse ated ĠR ide Ġpaint ings ĠP ix Ġ13 7 ish i umb ai g otten ĠEar l Ġin ning Ġc ensus Ġtrave lled ĠCons ult 18 5 b ind Ġsimpl icity Ġoverlook ed ĠHelp ful Ġmon key Ġoverwhelming ly Bl ood ĠFl int ĠJ ama ĠPres ent ĠR age ĠT A pt ive Ġturn out w ald ĠD olphins ĠV PN Ġon ion Ġcraft ing m ma ĠMerc ury Ġarr ange Ġalert s ĠO T zb ollah Ġg ases ĠRichards on s al l ar Ġfro st Ġlower ing Ġacc laim Ġstart ups ĠG ain ess ment Ġguard ian äº º ĠP ie ĠL inks Ġmer its Ġaw ake Ġparent al Ġexceed s Ġid le ĠPil ot Ġe Bay ĠAc cept ipe g C am ĠK ot Ġtrad ers olit ics unk er ĠP ale os i an mar Ġ19 47 ĠF ell est ial it ating G F ĠS r if ted Ġconnect or ĠB one ill es 2 60 h ma Ġoverl ap ĠGit Hub Ġclean er ĠBapt ist ĠW AS Ġlung s Ñ ģ ĠB UT Ġc ite Ġpit ched reat ment Ġtro phies ĠN u 38 6 ĠPr ide Ġattend ees [ ] 17 9 Ġspat ial Ġpri zes ĠRel igion Ġshow case ĠC ategory vid ia T arget Pro perty ? , Ġf usion p ie ĠU CLA Ġsound track Ġprin cess ĠC aval sh ould Ġlim bs Back ground Ġlone ly Ġc ores ĠT ail she et Ġ13 2 R a ãĤ « ĠB olt Ġbook ed Ġadmin ister Ġequ als w y Ġobserv ing ĠBar on ĠAd obe Ġv irgin ĠSocial ist M ove gh azi ĠLind a 2 12 Ġbre wing Ġmerch ants bur se Ġdiv or Ġmet als ĠN er Ġsum s ĠEn emy Ġen vision Ġgrant ing ĠH oney ĠSk yrim Ġsoc io gr aded Ġselect ive W ASHINGTON Ġ19 48 ĠSir ius ĠG ross act ivity ĠI van Ġfur ious BS D ĠPre vious Ġrespons ive Ġchar itable Ġle aning ĠP ew Ġviol ates \\\\ \\\\ ĠCom ing w ire Ġpo et Ġres olutions comm and ĠPortug uese Ġnick name Ġde af Feb ruary Ġrecogn ise Ġentire ty Ġseason al pl aced ĠTe legraph Ġmicro phone our ing Ġgr ains Ġgovern ed Ġpost p ĠW aters in ement Ġund ocumented ĠCom cast Ġf ox Ġassault s re on man y ĠJen kins ĠAny way Ġassess ments Ġdown s ĠM ouse Ġsuper b k t ĠD ow Ġtax ation 4 01 Ġsm iles Ġundert aken Ġex h Ġenthusi astic Ġtw ent Ġgovernment al Ġautonom y ĠTechn ologies ĠCh ain Ġpreval ent f b Ġnic otine og ram j ob Ġawa iting ĠMen u Ġdep uties k ov ish ops But ton ĠShan ghai Ġdies el ĠD uck R yan ĠPC s N F j ury ent e Ġinacc urate edd y Wh atever Ġshow c ĠN ad od us et r Ġplaint iffs ĠW OR ĠAss ange Ġpriv at Ġpremium s Ġt am UR L Ġel ites ĠR anger otten ham ĠH off ĠAt hens Ġdefin ite Ġs ighed Ġeven ly 2 11 ĠAm ber ak ia Ġmail ing Ġcr ashing ĠConfeder ate ru gged W al ĠDep ths Ġjuven ile Ġreact or Introdu ction ĠDel uxe 19 95 ĠS anchez ĠM ead iv able : - ĠPlan ning ĠT rap qu in ĠProt ect ve red In formation Ġkid ney inn amon l as Ġpolic ing Ġtoler ate ĠQ i Ġbi ased F ort ĠK i s ave Ġprivile ged Ġbe asts ĠGl as ĠC inem Ġcome back Sund ay Ġext inction h ops Ġtrans mit Ġdoub les ĠFl at 16 7 Ġdis puted Ġinjust ice f oo V ict role um ĠJul ie Con text ĠR arity iss ue Comp onent Ġcounsel ing an ne d ark Ġobject ions u ilt Ġg ast Ġpl ac Ġun used ãĥ ĩ ĠT rial ĠJ as hed ral ob b Ġtempor al ĠPR O ĠN W ĠAnn iversary L arge Ġther m Ġd avid Ġsystem ic ĠSh ir m ut ĠNe pt add ress Ġscan ning Ġunderstand able Ġcan vas C at ĠZ oo Ġang els L O ĠStat ement ĠS ig ov able ĠA way sh aring ocr ats st ated Ġweigh ing N or w ild B ey Ġaston ishing ĠReyn olds Ġop ener Ġtrain er Ġsurg ical p n Ġadjust ing whe el Ġf rown erv ative Ġsusp end With in te in Ġobst acle Ġliber ties ym es Ġur anium ans om an ol ub a ĠL oss Ġa rous ĠHend erson W ow s pl c ur ĠÂ Ń Ġtheir s Dam age Ġdownload ing Ġdisc ern ĠSt o ĠFl a Ġh ath ĠA j Ġun pleasant Europe an exp ensive Ġscreens hot ĠU V Ġall ied ĠPers ian Ġmonop oly Ġat om ĠReds kins "> < Ġcan cell Ġcinem a 13 1 f air ĠAlf red Ġd uck arg s 22 3 ĠIS I Ġsign aling in ar Ġlaugh s Ġfor wards Ġreck less Ġlisten ers at ivity Ġvast ly n ant L ess ĠHun ting ĠScient ific IT ED Ġkn ight ĠH TC us a t mp Ġr ude ĠLegend ary Ġar ises B ad ĠCl aim pe g Ġreal ities Th ink Ġ ° Ġro de Ġstri ve Ġan ecd Ġshort s Ġhypot hes Ġcoord inated ĠGand hi ĠF PS R ED Ġsuscept ible Ġshr ink ĠCh art Hel p Ġ ion de ep rib es ĠK ai ĠCustom er Sum mary Ġc ough w ife Ġl end Ġposition ing Ġlot tery ĠC anyon Ġf ade Ġbron ze ĠKenn y Ġbo asts ĠEnh anced rec ord Ġemer gence Ġa kin ĠB ert it ous âĸ ij Ġst ip Ġexch anged om ore als h Ġreserv oir Ġstand point W M Ġiniti ate Ġdec ay Ġbrew ery Ġter ribly Ġmort al lev ard Ġrev is N I el o Ġconf ess ĠMS NBC Ġsub missions Cont roller Ġ20 2 ĠR uth } ); ĠAz ure Ġ ." 20 6 ĠMarket ing Ġl aund ien cies Ġrenown ed ĠT rou ĠN GO ble ms Ġterr ified Ġwar ns Ġper t Ġuns ure 4 80 ale z ult z ĠOut side Ġst yl ĠUnder ground Ġp anc Ġd ictionary Ġf oe rim inal ĠNor wegian Ġj ailed Ġm aternal é e ĠLu cy c op Ch o Ġuns igned ĠZe lda ĠIns ider ĠContin ued Ġ13 3 ĠNar uto ĠMajor ity 16 9 ĠW o ãĤ ĵ Ġpast or Ġinform al Ð ½ an throp jo in ãģ Ĺ it ational N P ĠWrit ing f n ĠB ever 19 5 Ġy elling Ġdr astically Ġe ject Ġne ut Ġth rive ĠFre qu ou x Ġpossess es ĠSen ators ĠD ES ĠSh akespeare ĠFran co ĠL B uch i Ġinc arn Ġfound ers F unction Ġbright ness ĠB T Ġwh ale ĠThe ater m ass ĠD oll S omething Ġecho ed ĠHe x c rit af ia Ġgodd ess Ġele ven ĠPre view ĠAur ora Ġ4 01 uls ive ĠLog an in burgh ĠCent ers ĠON LY ĠA id Ġparad ox Ġh urd ĠL C D ue c ourt Ġoff ended Ġeval uating ĠMatthew s Ġto mb Ġpay roll Ġextra ction ĠH ands if i Ġsuper natural ĠCOM M ] = dog s Ġ5 12 ĠMe eting Rich ard ĠMax imum Ġide als Th ings m and ĠReg ardless Ġhum ili b uffer L ittle ĠD ani ĠN ak Ġliber ation ĠA be ĠO L Ġstuff ed ac a ind a raph ic Ġmos qu Ġcampaign ing Ġoccup y S qu r ina ĠW el ĠV S Ġphys ic Ġp uls r int oad ed ET F ĠArch ives Ġven ues h ner ĠTur bo Ġl ust Ġappeal ed que z il ib ĠTim othy Ġo mn d ro Ġobs ession ĠSav age 19 96 Gl obal J es 2 14 Ġsl iding Ġdisapp ro ĠMag ical Ġvolunt arily g b ane y Ġprop het ĠRe in ĠJul ia ĠW orth aur us Ġb ounds ie u )) ) Ġcro re ĠCitiz en S ky Ġcolumn ist Ġseek ers ond o IS A ĠL ength Ġnost alg Ġnew com Ġdet rim ent ric 3 75 ĠG E Ġaut op Ġacadem ics App Data ĠS hen Ġid iot ĠTrans it Ġteasp oon W il K O ĠCom edy > , Ġpop ulated W D Ġp igs ĠO culus Ġsymp athetic Ġmar athon 19 8 Ġseiz ure s ided Ġd op irt ual L and ĠFl oor osa urs ... ] Ġl os Ġsubsid iary E Y ĠPart s ĠSt ef ĠJud iciary Ġ13 4 Ġmir rors Ġk et t imes Ġneuro log Ġc av ĠGu est Ġtum or sc ill ĠLl oyd E st Ġcle arer Ġstere otypes Ġd ur not hing Red dit Ġnegoti ated ---------------- -------- 23 5 Ġfl own ĠSe oul ĠRes ident ĠS CH Ġdisappear ance ĠV ince g rown Ġgrab s r il ĠInf inite ĠTw enty Ġpedest rian Ġjer sey ĠF ur ĠInf inity ĠEll iott Ġment or Ġmor ally Ġob ey sec ure iff e Ġantib iotics ang led ĠFre eman ĠIntrodu ction J un Ġm arsh ic ans ĠEV ENTS och ond W all icult y Ġmisdem eanor Ġl y Th omas ĠRes olution Ġanim ations ĠD ry Ġinter course ĠNew castle ĠH og ĠEqu ipment 17 7 Ġterrit orial Ġarch ives 20 3 Fil ter ĠMun ich Ġcommand ed ĠW and Ġpit ches ĠCro at Ġrat ios ĠM its Ġaccum ulated ĠSpecific ally Ġgentle man acer b Ġp enn Ġa ka ĠF uk Ġinterven e ĠRef uge ĠAlz heimer Ġsuccess ion oh an d oes L ord Ġsepar at Ġcorrespond ence Ġsh iny P rior Ġs ulf Ġmiser able Ġded ication ( ). Ġspecial ists Ġdefect s ĠC ult ĠX ia Ġje opard ĠO re Ab ility Ġle ar Ġamb itions ĠB MI ĠArab s Ġ19 42 Ġpres ervation ific ate Ġash amed l oss ĠRest aur Ġrese mble Ġen rich ĠK N ĠCl an fl oat Ġplay able IT T Ġharm ony arr ison ĠWe instein w ere Ġpoison ing ĠCom put ĠWord Press m ajor ĠVal ve F an ĠTh row ĠRom ans ĠDep ression ad os Ġtort ured Ġbal ancing bott om Ġacqu iring ĠMon te ard i Ġa ura Ġ# # ĠStand ing ĠAtl as C F Ġintr ins ĠBen ghazi Ġcamp ing Ġt apped bl ade st rous ĠR abb ĠW ritten t ip ĠNe igh ster dam ĠAll ow ĠHe aling ĠR hod n um Ġcaffe ine ĠPer cent Ġbo o Ġapp les 30 5 Ġwel coming Ġappl aud Ġa usterity  ± ĠRe ality ef e å ® Ġsu cks Ġtab s ĠPay Pal Ġback pack Ġgif ted abul ary ĠSc out ir teen Ġch in Ġo mitted Ġnegative ly Ġaccess ing ĠE arn Ġambul ance Ġhead phones Ġ20 5 ĠRef resh p resident ĠKit chen ĠEnt ered ĠS nyder 00 5 om ical Ġborrow ed ĠN em Ġav iation Ġst all rim ination Ġuniform s it ime ĠSim mons ener gy ab lished y y qual ified Ġrall ies ĠSt uart fl ight Ġgang s r ag Ġv ault lu x ĠCom par Ġdesign ation 20 9 ĠJ os d ollar z ero Ġwell s 30 3 Ġconstitu ents Ġhe ck Ġc ows Ġcommand ers Ġdifferent ial ĠC atherine 29 9 Ġval ve Ġbr ace Ġperspect ives c ert f act icular ly ĠMc N pl anes Ġint ric Ġpe as ov an Ġtoss ed ret ch ĠL opez Ġunf amiliar de ath ĠA part ĠCh ang Ġrelie ved rop he Ġair ports Ġfre ak ut il M ill ĠCh in ĠOw en m ale ĠBro ken ĠWind s ro b r ising Ġfire fighters Ġauthor itarian Ġ14 8 Bit coin ex ternal Ġbrow sers iche ver or ian Ġun b Ġpo ke ĠZ ot M id ĠPop ular Ġco vert Ġcont ributes Ġ6 50 Ġcont ention G ate Ġcons oles Ġchrom os ĠI X Ġvis ually ĠE isen Ġjewel ry Ġdeleg ation Ġacceler ate ĠR iley Ġsl ope Ġind oor it ially Ġhuge ly Ġtun nels Ġfin ed Ġdirect ive Ġfore head ustom ed Ġsk ate Mus ic g as Ġrecogn izing am bo Ġover weight ĠGr ade Ù Ĭ Ġsound ing Ġlock ing ĠR EM St ore Ġexc av ĠLike wise ĠL ights Ġel bow ĠSupp ly w ic Ġhands ome 19 94 C oll Ġadequ ately ĠAssoci ate Ġstri ps Ġcrack down Ġmar vel ĠK un Ġpass ages @@ @@ ĠT all Ġthought ful names e Ġprost itution bus iness Ġball istic person al c ig iz ational R ound ĠÂłĠÂł ĠÂłĠÂł ĠCole man Ġadm itting ĠPl ug Ġbit coins ĠSu z Ġfair ness Ġsupp lier Ġcatast rophic ĠHel en o qu M arc ĠArt icles g ie Ġend angered Ġdest iny ĠVol t ol ia ax is Ġche at Ġun ified IC O qu ote 30 2 ĠS ed Ġsupp ression Ġanaly zing Ġsqu at Ġfig uring Ġcoordin ates Ġch unks Ġ19 46 Ġsub p Ġw iki ĠFor bes ĠJ upiter ĠE rik im er ĠCom mercial \ ) Ġlegitim acy Ġd ental ĠMe an Ġdefic its 5 50 Orig inally ĠHor ror Ġcontam ination ll ah Ġconf isc ĠCl are T B ĠF ailed an ed Ġrul er ĠCont roller Ġfemin ists F ix g ay 20 7 Ġr abbit Th ird ownt own Ġgl ue Ġvol atile Ġsh ining Ġf oll Ġimp aired Ġsup ers æ Ī Ġcl utch ļé ĨĴ Ġpro let Ġ( ! Ġy elled ĠK iev ĠEr n ĠSh ock K B Ġsit uated qu ery ĠN as Ġan nex char acter ĠHol iday Ġautom ation ĠJ ill ĠRem astered Ġl inem Ġwild erness ĠHor izon ĠGu inea A Z Ġmain land Ġsec recy LE ASE Ġp unk ĠProv ince ( ), Spe ed Ġhand ing ĠSeb ast S ir r ase Ġj ournals Ġcon gest ĠT ut ir rel Ġschizophren ia Ġmis ogyn health y I ron Ġreact ed - $ 25 2 Ġpl ural Ġpl um Ġbarg ain Ġground ed f inder Ġdis se ĠL az O OD Ġat roc F actory Ġmin ions Ġo ri ĠB rave ĠP RE ĠMy anmar ĠH od Ġexped ition Ġexpl ode ĠCo ord Ġext r ĠB rief ĠAD HD Ġhard core feed ing Ġd ile ĠF ruit Ġvacc ination ĠM ao osp here Ġcont ests - | Ġf ren isp here R om ĠSh arp ĠTre nd Ġdis connect âĢ¢ âĢ¢ Ġper secution Ear th Ġhealth ier 38 4 Ġc ob ĠTr inity OW S AN N Ġspecial ty Ġg ru Ġcooper ative wh y Start ing ĠIss ues st re ens or Ġ18 5 Ad v ! ? ĠRe vel em ia ĠH ulk Ġcelebr ations ĠS ou ra ud ĠKle in Ġun real con text Ġpartners hips Ġadop ting t ical Ġspl ash ĠHe zbollah c ategory cycl op xt on ĠD ot urd y t z Ġenvelop e ĠN L â ķ Ġwhere in Spe c 18 4 Ġte lev al iation Ġmyth s å ° Ġrig orous Ġcommun icating Ġobser ver Ġre he ĠW ash Ġapolog ized ĠT in Ġexpend itures work ers d ocument Ġhes itate ĠLen in Ġunpredict able Ġrenew al cl er ok ia ĠCON T Ġpost season Tok ens Ġex acerb Ġbet ting Ġ14 7 Ġelev ation W ood ĠSol omon 19 4 00 4 out put Ġredu nd ĠM umbai Ġp H Ġreprodu ce ĠD uration MA X Ġb og C BS ĠBal ance ĠS gt ĠRec ent Ġc d Ġpo pped Ġincomp et pro p ay an g uy Pac ific Ġty r Ġ{ { ĠMy stic ĠD ana Ġmast urb Ġge ometry à ¢ ĠCor rect Ġtraject ory Ġdistract ed Ġf oo ĠW elsh L uc m ith Ġrug by Ġrespir atory Ġtri angle Ġ2 15 Ġunder graduate ĠSuper ior ch anging _ - Ġright ly Ġrefere e Ġluc rative Ġun authorized Ġresemb les ĠGN U ĠDer by Ġpath ways ĠL ed Ġend urance Ġst int Ġcollect or F ast Ġd ots Ġnational s ĠSec urities Ġwh ip Par am Ġlearn s M agic Ġdetail ing m oon Ġbroadcast ing Ġb aked 26 5 hol m ĠS ah ĠHus sein ĠCourt esy 17 4 Ġ14 6 Ġge ographic pe ace Ġjud ging ĠS tern B ur Ġstory line G un ĠSt ick 24 5 30 7 ãĤ´ ãĥ³ ĠAdminist rator Ġbur nt Ġp ave ch oes Ex ec Ġcamp uses Res ult Ġmut ations ĠCh arter Ġcapt ures Ġcomp ares Ġbad ge S cient Ġer ad ier y o i ett es ĠE state Ġst rap Ġproud ly Ġf ried Ġwithd rawn ĠV oy ph ony It ems ĠP ierce b ard Ġann otation ant on ill on Im pro ... ) Ġhapp ier ---- -- ad just Ġstaff ers Ġactiv ism Ġper f Ġal right N eed Ġcomm ence Ġopio id ĠAm anda E s ĠP ars ĠK aw W orks 24 8 Ġind o t c end ant ĠM oto Ġlegal ization OT E Ġtask ed Ġt sp ĠACT IONS 16 6 Ġrefres hing ĠN R ĠPere z Ġinfring ement S Y List en in ning k u Ġrot ate pro gram ar ah Des ign Ġ( £ Ġst oring Ġwar rants Ġjud gement ĠB rist us ually ph oto ĠR an ĠP ine Ġoutrage ous ĠValent ine lu ence ĠEvery body Al tern Ġrele vance Ġtermin ated Ġd essert Ġfulf illed Ġprosecut ed ĠW ords Ġm igrant Ġcultiv ation ÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤ ÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤ idel ity ĠV ern ĠLog in Ġmetaph or ĠT ip Ġrecru its ĠP ig rib ing Ġenthusi asts ex per Ġfright ening ĠH air ans on str ate Ġh i He ight Ġown ing n one Ġdis like Ġkn ives pher d Ġloud ly ĠAP Is Dis play ĠL ac ĠUS S ab l ver ages J ew Ġ17 2 ĠHist orical at oon ĠPhys ics in tern Ġwarm th Ġto pp D M Ġgun man Ġem peror od i ãĥ £ in atory ĠR ib Ġ13 1 ĠSat urn ĠSh ining Ġw aking Qu otes Ġcomed ian en berg  ½ Ġbelie vers Ġpaper work c ustom Ġle v Ġl ament Ġpour ing 22 2 p olitical ĠSupp lement m aid Ġcruel ty Ġt read ys ics A w rit es Ġmod ifier ĠP osition Ad am l b ub s Ġimper fect Ġcl usters ĠEngine er ĠC herry Ġinaug uration ĠS au Ġembod iment ĠUn cle Ġover r Ġexplos ions c ule ĠPrinc eton ĠAndre a Ġincorrect ly Ġearn est Ġpil gr ĠS print Ġslee ve Ġhe ars ĠAm azing Ġbrow sing ag in Ġhom eland Ġha w Ġd iving ist ered 17 8 Ġbarg aining ĠArc ade Ġdeleg ate ters on ................................ ................................ ĠJackson ville 27 5 Ġst agn Ġad am ĠSher man C B Ġsub urb ĠFood s Ġconver ting ĠAr ist Ġch ambers l ove Ġam ino ĠG an Ġmad ness m c ĠUS E def ined Ġul tr ind ust Ġw olves l ance Add itionally Ġcr acks as ia ĠRe ason ĠP ump Ġaccident al ĠL aser ĠR id Ġinitial ized ell i Ġun named Ġn oun ĠPass ed Ġhost age ĠEth iop sh irts Ġun rel ĠEmb assy Ġ19 41 Ġat oms Ġpur ported 16 4 ĠF i Ġgall ons ĠMon ica Ġp g en ment Ġsort ed ĠG ospel Ġhe ights Ġtr aced Ġunder going She ll Ġs acks Ġproport ions Ġhall uc F ont ac et Ġwar mer ĠIN TER Ġgrab bing Pl ug Ġreal ization ĠBur ke Ġen chant AT ER ĠSe ed Ġabund ant F M Ġc ivic V s is i Ġv ow Ġre per ĠPartners hip Ġpenet ration Ġax e Ġsh attered ĠZ ombies Ġv inyl ĠAl ert e on Ġoblig ed ĠIll ust ĠPl aza ĠFront ier Ġdavid jl ĠSer ial ĠH av ĠNut rition B i Ġâĸ Ī ĠJ ays lin ux Ġhur ry Ġv oy Ġhop eless ĠSte alth Ġ ãģ ess ors tt le b org ĠSaf ari f ell Ġw ary d ue ĠAb ove H a E LL Ġnot or ĠW on T oo Ġoccup ations Ġposs essions Ġinv iting Ġpred ators Ġacceler ated Ġ15 7 uter te ĠC ube e ast acc ount G ive Ġtrans plant red ients id able Ġscreens hots ĠG und ĠF S Ġtravel ers Ġsens ory ĠF iat ĠRock ets İ ĭ _ { F riend Ġchar ming AL S Ġenjoy ment m ph Ġ5 000 ĠRE G Ù Ĩ b ia Ġcomp ilation ro st ĠV P ĠSch ne 201 9 Ġcop ying M ORE ĠFl ore f alls 2 15 t otal Ġdis ciples d ouble Ġexceed ing Ġsm ashed Ġconcept ual ĠRom ania ĠB rent ĠI CE ĠT ou Ġg rap Ġn ails 18 9 ãĥ ĺ Ġproc ure e ur Ġconfir ming ĠC ec aw i ĠEd en Ġn g Ġengine ered at ics Ġhook ed Ġdisgust ing ĠMur der ãĤ ¿ L ibrary Ġ16 8 Al most hem atic Men u ĠNot re ĠJ ur Ġkidn apped Ġhack er ĠJ ade Ġcreep y Ġdraw ings ĠSpons or Ġcycl ists ĠGob lin Ġoptim ized Ġst aged ĠMc D bet ween A ge en o S ex ĠW ide n ings av is Ġincap able ĠK ob Ġreward ing ĠL one oles cent Ġcontract ed Ġstick y J ose B all f est ĠIn put ĠRec ently Ġto mat squ are App lication Ġnit rogen Ġdupl icate ĠRec on ĠD ear L ondon Ġint ra Ġd ock Ġout reach ĠM illion Ġmamm als am pton V AL Ġsn aps Ġd os ĠWh ole ĠRead y T ry ĠWinn ipeg ear ance Ġinc urred ren ched ĠNS W il ot rain e Ġc ube g ot Ġrun way etermin ed ĠHaw ks Ġsurviv or ĠW ish ĠD in ĠDE F ĠV ault 18 7 Ġmush rooms Ġcris p be y ĠDisco very Ġdevelopment al Ġparad igm Ġcha otic ĠT su Ġ3 33 b ons Ġbacter ial Ġcomm its Ġcos mic Ġme ga oc ative ĠP aint ophob ic Ġv ain Ġcar ved ĠTh ief ĠG ul ows hip Ġc ites ĠEd inburgh Ġdimin ished Ġacknowled ges ĠK ills Ġmic row ĠHer a Ġsen iors Ġwhere by H op at ron Ġun available ĠN ate Ġ4 80 Ġsl ated ĠRe becca ĠB attery Ġgram mar Ġhead set Ġcurs or Ġex cluding any e aunder ing eb in Ġfeas ible ĠPub lishing ĠLab s ĠCl iff ĠFerr ari Ġp ac vis ible mark ed pe ll Ġpol ite Ġstagger ing ĠGal actic Ġsuper st Ġpar an ĠOffic ers ãĢ ģ Ġspecific s ul us 23 9 ĠP aste AM P ĠPan ama ĠDe lete angu ard rest rial Ġhero ic ĠD y ا ÙĦ Ġincumb ent Ġcr unch t ro Ġsc oop Ġblog ger Ġsell ers ure n Ġmedic ines ĠC aps ĠAnim ation ox y Ġout ward Ġinqu iries 22 9 Ġpsych ologist ĠS ask ev il Ġcontam inated ãĤ ¨ he rence Ġbrand ed ĠAbd ul z h Ġparagraph s Ġmin s Ġcor related er b Ġimp art Ġmil estone ĠSol utions ot le Ġunder cover Ġmar ched ĠCharg ers f ax ĠSec rets Ġr uth we ather Ġfemin ine Ġsh am Ġprest igious igg ins Ġs ung hist ory ett le gg ie Ġout dated ol and Ġper ceptions ĠS ession ĠDod gers u j ĠE ND D oc Ġdefic iency Gr and ĠJ oker Ġretro spect Ġdiagn ostic Ġharm less Ġro gue ĠA val E qu Ġtrans c ĠRoberts on ĠDep ending ĠBurn s iv o Ġhost ility F eatures ĵ ĺ Ġdis comfort ĠL CD spec ified ĠEx pect 3 40 Ġimper ative ĠReg ular Ch inese Ġstate wide Ġsy mm Ġlo ops Ġaut umn N ick Ġsh aping Ġqu ot Ġc herry ĠCross ref è¦ ļéĨĴ Stand ard he ed ĠD ell ĠViet namese Ġo st ĠV alkyrie O A Ass ad Ġreb ound ĠTra ffic pl aces æ ĺ ĠB uc 17 2 Ġshel ters Ġins isting ĠCertain ly ĠKenn eth ĠT CP Ġpen al ĠRe play he ard Ġdial ect iz a ĠF Y it cher ĠD L Ġspir al Ġquarterback s Ġh ull Ġgo ogle Ġto dd ĠSter ling ĠPl ate Ġsp ying mb ol ĠReal m ĠPro ced ĠCr ash Ġtermin ate Ġprotest ing C enter gu ided Ġun cover Ġboy cott Ġreal izes s ound Ġpret ending ĠV as 19 80 Ġfram ed Ġ13 9 Ġdesc ended Ġrehab ilitation Ġborrow ing ĠB uch Ġbl ur R on ĠFro zen en za Ch ief ĠP oor Ġtransl ates M IN Ġ2 12 J ECT Ġerupt ed Ġsuccess es S EC Ġpl ague Ġg ems d oms Ġstret ches ĠSp y Ġstory telling C redit ĠP ush Ġtra ction Ġin effective ĠL una Ġt apes Ġanaly tics erc ise Ġprogram mes ĠCar bon Ġbeh old he avy ĠConserv ation ĠF IR Ġs ack ter min ric ks Ġhous ed Ġunus ually I ce Ġexecut ing ĠMor oc ed ay Ġed itions Ġsm arter ĠB A Ġout law Ġvan ished ib a AL SE ĠSil va 23 8 C ould Ġphilos opher Ġevac uated Sec ret 14 2 Ġvis as ãĤ ¬ ĠM alt ĠClear ly ĠN iger ĠC airo ĠF ist 3 80 ĠX ML aut o it ant Ġrein forced Rec ord ĠSurviv or G Hz Ġscrew s parent s Ġo ceans ma res Ġbra kes vas ive Ġhell o ĠS IM rim p Ġo re ĠArm our 24 7 Ġterr ific Ġt ones 14 1 ĠMin utes Ep isode Ġcur ves Ġinflamm atory Ġbat ting ĠBeaut iful L ay Ġunp op v able Ġr iots ĠTact ics b augh ĠC ock Ġorg asm ĠS as Ġconstruct or et z G ov Ġant agon Ġthe at Ġde eds ha o c uts ĠMc Cl Ġu m ĠScient ists Ġgrass roots ys sey "] => Ġsurf aced Ġsh ades Ġneighb ours Ġad vertis oy a Ġmer ged Up on Ġg ad Ġanticip ate Any way Ġsl ogan Ġdis respect I ran ĠT B act ed Ġsubp oen medi ately OO OO Ġwa iver Ġvulner abilities ott esville ĠHuff ington J osh ĠD H M onday ĠEll en K now x on it ems 22 8 Ġf ills ĠN ike Ġcum ulative and als I r Ġ ì Ġfr iction ig ator Ġsc ans ĠVi enna ld om Ġperform ers P rim Ġb idding M ur Ġlean ed ĠPri x al ks Ġ[ â̦] ĠTw itch ĠDevelop er ĠG ir Ġcall back Ab stract Ġacc ustomed Ġfreed oms ĠP G ur acy Ġl ump is man ,, ,, 19 92 ĠR ED Ġwor m M atch ĠPl atinum I J ĠOwn er Tri via com pl Ġnew born Ġfant as O wn Ġ19 59 Ġsymp ath Ġub iqu Ġoutput s Ġal lev Ġpr ag K evin Ġfav ors Ġbur ial Ġn urt so lete c ache Ġ15 6 Ġunl ocks te chn M aking Ġcon quer ad ic æ ĸ Ġel f Ġelect orate ĠKurd s ĠSt ack ĠSam urai Ġâ ĺħ Ġ{ } ĠS aid ĠFall out Ġkind ness ĠCustom s ĠBou levard Ġhelicop ters ot ics ĠVe get com ment Ġcritic ised Ġpol ished ĠRem ix ĠC ultural Ġrec ons Ġdo i at em Sc reen Ġbar red Com ments ĠGener ally Ġsl ap 7 20 V ari p ine Ġem pt Ġh ats ĠPlay ing l ab a verage form s ĠC otton Ġcan s ĠD ON ĠSom alia C rypt ĠIncre ases E ver mod ern Ġsur geon 3 000 Ġrandom ized ================================ ================================ B ern im pl ĠC OR Ġpro claim th ouse Ġto es Ġam ple Ġpres erving Ġdis bel gr and B esides Ġsil k ĠPat tern h m Ġenter prises Ġaffidav it ĠAdvis ory Ġadvert ised ĠRel igious se ctions psy ch ĠField s aw ays Ġhasht ag ĠNight mare Ġv ampire Ġfore nsic rosso ver n ar Ġn avy Ġvac ant ĠD uel Ġhall way Ġface book ident ally ĠN RA Ġm att Ġhur ricane ĠKir by ĠP uzzle Ġsk irt ou st du llah Ġanal ogy in ion Ġtomat oes ĠN V ĠPe ak ĠMe yer Ġappoint ments Ġm asc Ġal ley re hend Ġchar ities Ġund o Ġdest inations ĠTest ing "> </ Ġdest ined Ġimp lements ĠHar old RE CT Ġoptim ization Ġkilomet res Ġc md Ġimpair ment Ġun successful Ġswift ly ĠGlas gow art en ĠSh ares ĠAn swer ĠAl bum Ġnut ritional ãĥ ĸ ĠF ut Ġbl oc ĠN FC Ġwholes ale ĠC W Ġneg lected Ġlaun cher Ġannounce ments OU LD com b Ġrot ating Ġrest s ĠT icket ched el L ou ĠV ic Ġ" ' Ġtem plates Ġrepl aces Ar c :: :: ĠGil bert Ġillness es Ġsched ules Ġheter osexual L INE Ġhere in Ġco erc Ġdecre asing Ġde portation s udo ĠInd igenous Ġweigh s Al ong ' ); ĠBeng als 70 7 Ġjoint s ver ts Ġ14 9 na ire Ġsimpl est Ġl ore 10 80 f iction ĠDat abase Ġreserv ation Ġs ou Ġsan ctuary aud io ap le Ġveget arian Ġanticip ation m icro Ġend uring Ġdepart ed Ġsidew alk Ġprohib its ĠF ont Ġcomp ute ĠS ect Ġ15 8 B attle Ġbom ber Ġdist raction Ġend ured Ġpractition ers Ġdistur bed Ġdr ank ord ered Ġsurpr ises se at Sec urity ĠW isdom og o Ġsub paragraph ĠPen insula ĠOrig ins ire n ĠP av igg le Ġgrat itude ĠG ravity over ty im an ct r ĠCa esar c ould g em Ġsk ies Ġch amp Ġagree ing F amily D iv 17 6 Ġmess y um ption F ederal ern o ĠCh at Bey ond Ġdev ote ĠW alsh Ġdump ed Ġaccum ulation st ad hib ition Ġsm okers Ġinspect or F rench iss an ĠV ita Ġresearch ing R AM ĠCelt ics Ġcl oak ĠTer ra M ary so ld ĠD OM mod s Int el Ġmult itude ĠImpro ved Ġrel iance Ġartif act Ġalarm ing P rom h on T ION med ium Ġref lex ĠEx cel Ġweaken ed 16 3 2 24 Ġcost umes Ġunique ly Ġs orrow Ġm ansion w p Ġsal v ĠGro ve bs p ĠSn iper ĠSh ipping ĠP OW Ġund is Ġbrand ing G irl ĠAh mad ĠL akes ĠCore y Ġinherit ance ener y Ġpack ing ĠP rest D est F W Ġregul ator l ocked Ġcont ested ĠMel issa ĠD uc Ġunpop ular Ġst acked Ġ19 17 Ġyear ly Ġst are Ġassess ing à ¸ Ġbe verages Ġcompet itions Ġstreng thening al ong ĠL ud Ġmel ted stan bul Ġb ounty EN C ĠL ands Ġdecl ares Ġcustom ize Ġcomp osite ãĥ ¬ C M ograph ics ĠTem p Ġcont ender Ġins ign ĠL AN Ġdis asters ins pired Ġjud gments ustain able urs ion Ġvar iance ĠUlt imately Ġ -------- u ador ĠR X Ġmel ting ĠExt ended ĠT we M ajor ĠB il Ġsy rup qu ick ĠHold er Ġinnoc ence U LE ĠM ight 99 99 Ġf al Ġcontinu ity Ġ19 53 ĠB S st ill L at ĠAb use Ġun supported xxxx xxxx Ġinst itute Ġfrag ment ĠP ep W estern ĠC ause ĠFr ag ĠAr s à ¥ ast ics Ġb ishop Ġcross es Ġ15 4 ĠUp grade Ġmit igate ĠRay mond Mod s Ġtom ato Ġst umbled Ġdiff ers In itial ĠR aspberry Ġign ores Ġt ant à ł Ġrel ay Ġb isexual Ġconf ession Ġd ement in as ĠHe ather pl atform dri ving bour g ĠM ush Ġhy ster Det ails Ġdr ift ĠW ald ĠLuck ily or f Ġexp ire ĠP unch zy me g old Ġunp aid ĠT rent Ġun armed Ġill icit ĠT ottenham Ġsm ash Intern ational ink er Ġst ing ĠSadd am ĠAR T Ġtruth s b irth Ġso ber ĠN it Ġ ib Ġus able Ġst acks ĠSy lv Ġnort heast Ġdom ination ĠM our EN SE ĠMe asure Ġprogram mer Ġ< - 18 2 ĠCond ition Ġback yard ir ling ĠJ eb ĠCre ed ĠH ang ĠCOM P F ER ĠIs h Ġdetect ives ------------ --- ĠMess enger Ġlo oph Ġgate way 15 1 ĠMaterial s ĠD T Ġdo omed od o Ġslic es Ġemail ed ĠPer l Ġren ov UT H ody nam ĠSouth west get ic ĠT PP Ġoptim ism ĠT ow ul ators prot ected y les  « Ġex ile en v P rop ĠZimmer man Ù İ C a om aly ãĥ Ĩ Ġrail road L ee 23 2 Ġrepl icate Ġcomfort ably act ly Ġr av Ġtelesc ope Ġhonest y ĠPe pper ĠBr ing Ġric hest Ġout doors Ġh alls Ġcont end IS E Ġsub mitting Ġna ive ar ations Ġ14 3 Ġpo ised respons ible Ġsoc ks ĠSk ull Quest ion Ġdiscover ies Jo ined ĠEn emies ĠWire less ĠRe venge Ġpuzz les Ġce ased 29 0 cript ions ĠCon sole Ġbo iling Ġdisc rep Ġded uction Ġar senal XX XX ĠAm sterdam rox imately ĠSh ane Ġpos ing ĠACL U ĠCompan ies Ġthe ology ĠU g qu arter ĠH ank Co in ĠL v Ġalleg ation ĠAv oid Ġindef initely Ġcommod ities Ġbr ig ĠMan it Ġt enth met hod ĠKn icks ĠâĢ İ Ġinv oked D ial AR A Ġc aucus 22 7 ĠJ ab Ġoun ces b ay Ġbud dy f an 23 4 ĠH il ad h ĠT Y ĠIN D Ġ19 39 Ġiter ation ĠGonz alez ĠV ert ĠI O em b re ra en ch ĠRequ irements ĠW ins Ġlivest ock h ours " â̦ b ral M arg ĠD one Ġwas ting ing ed g roups Ġw ishing ĠT umblr Ġt apping Ġnational ism ĠB yr Ġsqu ares ĠAct ions ãĥ ¥ In side deb ug Ġapp end Ġstub born ĠC ind T ell Ġt earing ĠRe y or c ĠDay ton ĠN H ĠMad ness Ch arl ĠMor rison fil ter Ġacc use Ġ. / Ġtor rent Ġdecl ines g allery M ine Ġneg otiation ĠBash ar op ia 19 93 em ort ĠNo vel ĠF ang ers ive ĠInst ant Ġroll er A round ĠElect ions G ames Ġin expensive Ġwor s Ġv ul ĠH ole Ġunbeliev able Ġn ause Ġent r bo at ĠST E Ġbus h ĠHass an Ġw o Ġpa used ĠM ig l ived Ġsc out Ġl ith Pub lished du ino c ool Ġcirc ulating id as ĠP am viol ent ĠCraw ford udd le ĠLet ters Gu ard mor ph Ġwand ering Ġsoph omore Ġque er ĠBl ind r ue ĠMar riage D om Ġpadd ing Ġfold ers Ġmeaning less Ġcandid acy af ort Ġwhistle bl ĠIdent ified Ġcig ar Ġh id ĠDub ai Ġpost ure Ġh iking ĠTermin al Legend ary ĠT P ĠAT K ĠStar bucks ĠR iot 19 91 ĠBott om e ffic ĠEug ene ĠWy oming ĠRock y Ġsal mon Ġmet ro Ġb ilateral Ġcelebr ates L ength b illion B at Ġre leg Ġpse udo D T ĠRh ode P arent ple tion Ġatt ribut Ġtun ing ĠNOT E ĠRe bel ic us F und Ġcock tail Ġ5 01 Ġsp oon Ġbrut ality Ġun ite Ġmicro bi ĠRe ich pos itive Ġam azed ĠN T D esc ECT ION Ġfalse ly ĠHigh lander ĠC rist ĠVictor ian Ġdistribut ions the ir ĠE instein Ġp od Ġepid em Ġhe ap ĠR anch Ġan them Ġre app ĠAub urn Ġconc urrent ĠThrough out ĠP OST â ĺ Ġhom emade k ick B eg Ġch assis c ounter Ġmer ger Ġl aps 2 17 un ion ĠTr igger Ġdeb ated Ġsil ently Ġrest raint B al 0000 000 Ġform idable ĠFil ip Ġsacrific es F ood Ġdwar f ĠSe qu in ian More over Ġtang ible ops is ĠMine craft ĠRegist ration o an Ġrepresent ations Ġth irst Ġcor p ire ment M ade l oe > " c ats * . Ġgest ures gener al Le ague Ġpack ets ĠInspect or ĠBer g Ġfraud ulent Ġcritic ize F un Ġbl aming nd ra Ġsl ash ĠE ston Ġpropos ing Ġwh ales Ġtherap ist Ġsub set Ġle isure EL D ĠC VE ĠAct ivity Ġcul min sh op ĠD AY is cher ĠAdmir al ĠAtt acks Ġ19 58 Ġmem oir Ġfold ed Ġsex ist Ġ15 3 ĠL I Ġread ings Ġembarrass ment ĠEmploy ment w art ch in Ġcontin uation l ia Rec ently Ġd uel Ġevac uation ĠKash mir Ġdis position ĠR ig Ġbol ts Ġins urers 4 67 M ex Ġret aliation Ġmis ery Ġunre asonable r aining I mm ĠP U em er Ġgen ital ãĤ ³ ĠC andy Ġon ions ĠP att lin er Ġconced ed Ġf a Ġfor c ĠH ernandez ĠGe off deb ian ĠTe ams Ġc ries Ġhome owners 23 7 A BC Ġst itch Ġstat istic Ġhead ers ĠBi ology Ġmot ors ĠG EN ĠL ip Ġh ates Ġhe el S elf i pl ED IT ort ing Ġann ot ĠSpe ech old emort ĠJ avascript ĠLe Bron Ġfoot print Ġf n Ġseiz ures n as h ide Ġ19 54 ĠBe e ĠDecl aration ĠKat ie Ġreserv ations N R f emale Ġsatur ated Ġb iblical Ġtroll s Dev ice ph otos Ġdr ums ãĥīãĥ© ãĤ´ãĥ³ N ight f ighter ĠH ak ri ber Ġc ush Ġdiscipl inary ba um ĠG H ĠSch midt ilib rium Ġs ixty ĠKush ner ro ts Ġp und ĠR ac Ġspr ings Ġcon ve Bus iness F all Ġqual ifications Ġvers es Ġnarc iss ĠK oh ĠW ow ĠCharl ottesville ed o Ġinterrog ation ĠW ool 36 5 B rian Ġâľ ĵ Ġalleg es ond s id ation ĠJack ie y u Ġl akes Ġworth while Ġcryst als ĠJud a Ġcomp rehend Ġfl ush Ġabsor ption ĠO C Ġfright ened ĠCh ocolate Mart in Ġbu ys Ġbu cks Ġapp ell ĠChampions hips Ġlist ener ĠDef ensive Ġc z ud s ĠM ate Ġre play Ġdecor ated Ġs unk ĠV IP ĠAn k Ġ19 5 aa aa Nob ody ĠMil k ĠG ur ĠM k ĠS ara Ġse ating ĠW id Tr ack Ġemploy s Ġgig antic AP P ãĤ § in ventory Ġtow el at che l asting ĠT L Ġlat ency Ġkn e B er me aning Ġup held Ġplay ground Ġm ant S ide Ġstere o Ġnorth west Ġexception ally Ġr ays Ġrec urring D rive Ġup right Ġab duct ĠMar athon Ġgood bye Ġal phabet h p Ġcourt room ring ton ot hing T ag Ġdiplom ats Ġbar bar ĠAqu a 18 3 33 33 Ġmat urity Ġinst ability ĠAp ache Ġ= == Ġfast ing ĠGr id Mod Loader Ġ15 2 A bs ĠOper ating ett i Ġacqu aint Don nell ĠK em ĠFor ge Ġarm ored M il Ġphilos ophers in vest Pl ayers â Ī Ġmy riad Ġcomr ades R ot Ġremember ing Ġcorrespond s Ġprogram mers ĠLyn n Ġo lig Ġco herent yn chron ĠChem ical Ġj ugg p air post s E ye ĠIn ner Ġsem ester ott est ĠEmir ates ric anes or ously m its ĠW is Ġd odge l ocation Ġf aded Am azon ĠPro ceed ĠIN FO j ournal ĠTru ck T en Ġ2 17 Ġstat utes m obile ĠT ypes Rec omm b uster pe x Ġleg ends Ġhead ache f aced ĠWi Fi if ty ĠH ER Ġcirc uits ER ROR 22 6 ol in Ġcyl inder osp ace ik ers P rem Qu ant Ġconflic ting Ġslight est Ġfor ged ion age Step hen ĠK ub ĠOpp ortun ĠHe al Ġbl o Ġrul ers Ġh uh Ġsubmar ine f y ass er Ġallow ance ĠKas ich ĠT as ĠAustral ians Forge ModLoader ĠâĨ ij ĠMat rix am ins Ġ12 00 ĠAc qu 23 6 D ocument ĠBre aking 19 3 ĠSub st ĠRoll er ĠPro perties ĠN I t ier Ġcr ushing Ġadvoc ating Further more keep ers Ġsex ism x d Ġcall er ĠS ense chie ve ĠT F Ġfuel ed Ġreminis cent Ġobs ess ur st Ġup hold ĠF ans het ics Ġâ Ĺ ĠB ath Ġbe verage Ġo scill 25 4 Ġpol es Ġgrad ual Ġex ting ĠS uff ĠS uddenly Ġlik ing Ġ19 49 un ciation am ination ĠO mar ĠL V ĠCon sequently Ġsynt hes ĠG IF Ġp ains Ġinteract ing u ously inc re Ġrum or ĠScient ology 19 7 ĠZ ig Ġspe lling ĠA SS Ġexting u ms on Ġg h Ġremark ed ĠStrateg ic ĠM ON å ¥ g ae ĠWH AT E ric ĠCamp us Ġmeth ane Ġimag in J UST ĠAl m X T i q ĠR SS Ġwrong doing att a Ġbig ot Ġdemonstr ators ĠCal vin ĠV illa Ġmembr ane ĠAw esome Ġbenef ic 26 8 Ġmagn ificent ĠL ots G reg ĠBor is Ġdetain ees ĠH erman Ġwhis pered Ġa we Prof essor fund ing Ġphys iological ĠDest ruction Ġlim b Ġmanip ulated Ġbub bles Ġpse ud Ġhyd ra ĠBrist ol Ġst ellar ĠExp ansion ĠK ell ĠInterest ingly Ġm ans Ġdrag ging Ġec ological ĠF it Ġg ent Ġbenef ited ĠHait i Ġpoly g ãĥ İ Ġ20 30 Ġpro w Ġrecon struction Ġwas t Ġpsych ic ĠGree ks Hand ler 16 2 ĠP ulse Ġsol icit Ġsy s Ġinflu x ĠG entle per cent Ġprolifer ation Ġtax able Ġdisreg ard Ġesc aping Ġg inger Ġwith stand Ġdevast ated ĠD ew ser ies Ġinject ed ela ide Ġturn over he at Ļ Ĥ H appy ĠSil ent ãĤ Ń iv ism Ġir rational AM A Ġre ef r ub Ġ16 2 Ġbank ers ĠEth ics v v Ġcritic isms K n 18 6 M ovie ĠT ories Ġno od Ġdist ortion F alse od ore Ġt asty Res earch ĠU ID - ) Ġdivor ced ĠM U ĠHay es ĠIs n ian i ĠH Q Ġ" # ign ant Ġtra umatic ĠL ing H un Ġsab ot on line r andom Ġren amed ra red K A d ead é t ĠAss istance Ġse af ++++ ++++ Ġse ldom ĠWeb b Ġbo olean u let Ġref rain ĠDI Y ru le Ġshut ting Ġutil izing load ing ĠPar am co al oot er Ġattract ing ĠD ol Ġher s ag netic ĠRe ach im o Ġdisc arded ĠP ip 01 5 ü r Ġm ug Im agine C OL Ġcurs ed ĠSh ows ĠCurt is ĠSach s spe aking ĠV ista ĠFram ework ong o Ġsub reddit Ġcr us ĠO val R ow g rowing Ġinstall ment Ġgl ac ĠAdv ance EC K ĠLGBT Q LE Y Ġac et Ġsuccess ive ĠNic ole Ġ19 57 Qu ote Ġcircumst ance ack ets Ġ14 2 ort ium Ġguess ed ĠFr ame Ġperpet rators ĠAv iation ĠBen ch Ġhand c A p Ġ19 56 25 9 r and Net Message d in urt les h ig ĠV III ff iti ĠSw ords b ial Ġkidn apping dev ice Ġb arn ĠEl i auc as S end Con structed Ġ ½ Ġneed les Ġad vertisements Ġv ou Ġexhib ited ĠFort ress As k B erry TY PE Ġcan cers ump ing ĠTerrit ory Ġpr ud Ġn as Ġathe ist Ġbal ances ãģ Ł ĠSh awn & & Ġland sc ĠR GB Ġpet ty Ġex cellence Ġtransl ations Ġpar cel ĠChe v E ast ĠOut put im i Ġamb ient ĠTh reat Ġvill ains Ġ5 50 IC A Ġtall er Ġle aking c up Ġpol ish Ġinfect ious ĠK C Ġ@ @ back ground Ġbureaucr acy ĠS ai un less it ious ĠSky pe At l ID ENT 00 8 Ġhyp ocr Ġpit chers Ġguess ing ĠF INAL Bet ween Ġvill agers Ġ25 2 f ashion ĠTun is Be h ĠEx c ĠM ID 28 8 ĠHas kell 19 6 ĠN OR Ġspec s Ġinv ari Ġgl ut ĠC ars Ġimp ulse Ġhon ors g el Ġjurisd ictions ĠBund le ul as Calif ornia ĠIncre ase Ġp ear Ġsing les Ġc ues Ġunder went ĠW S Ġexagger ated Ġdub ious Ġfl ashing L OG ) ]. J ournal t g V an ĠI stanbul ĠIn sp ĠFrank en D raw Ġsad ness Ġiron ic ĠF ry x c Ġ16 4 is ch W ay ĠProtest ant h orn Ġun aff ĠV iv ill as ĠProduct ions ĠH ogan Ġper imeter ĠS isters Ġspont aneous Ġdown side Ġdescend ants Ġor n w orm Japan ese Ġ19 55 Ġ15 1 ĠDo ing els en umb les Ġrad ically ĠDr um ĠB ach Ġli abilities ĠO B ĠElement ary Ġmem e yn es Ġfinger print ĠGr ab Ġundert ake Mem bers ĠRead er ĠSim s g od Ġhypot hetical s cient ĠA J Ġchar ism Ġad missions ĠMiss ile tr ade Ġexerc ising ĠBack ground W ritten Ġvoc als whe ther Ġv i ĠW inner Ġl itter ĠSh ooting ST EM ãĤ ¡ ĠA FL Ġvari ability Ġe ats ĠD PS b row Ġeleph ants Ġstr at Ġ Å Ġsett lers Matt hew Ġin advert H I ĠIM F ĠGo al Ġnerv es John son ey e ablish ment Th ursday BIL ITY H ad am oto het amine ep s Ġmit ochond Ġcomp ressed ĠTre vor ĠAnim als T ool L ock Ġtwe ak Ġpin ch Ġcancell ation P ot Ġfoc al ĠAst ron 17 3 ĠA SC ĠO THER umn i Ġdem ise d l Ù ħ Sem itism Ġcr acking Ġcollabor ative Ġexpl ores s ql Ġher bs Ġconfig urations m is ĠRes ult ace y ĠSm oke Ġsan ct el ia Ġdeg ener Ġdeep est Ġscream ed Ġn ap Soft ware ĠST AR E F ĠX in spons ored mans hip 23 3 Ġprim aries Ġfilter ing Ġas semble m il ĠMy ers b ows Ġpun ched M ic Ġinnov ations Ġfun c and o Ġfr acking ĠV ul о Ð osh op ĠIm mun Ġsett ling Ġadolesc ents Ġreb uilding Ġtransform ing Ġpar ole Ġhar bor Ġbook ing ot ional onge vity ĠY o b ug Ġemer ges ĠMethod s ĠCh u P res ĠDun geons Ġtra iling ĠR um ĠH ugh å¤ © ĠE ra ĠBatt les Res ults ĠTr ading Ġvers a c ss ax ies he et Ġgre ed 19 89 Ġgard ens Ġconting ent P ark ĠLeaf s h ook ro be Ġdiplom acy ĠF uel ĠInv asion Ġupgr ading M ale Ġe lic Ġrelent less ĠCo venant ap esh ĠT rop T y pro duction art y Ġpun ches ak o cyclop edia ĠR abbit ĠHD MI Ġ14 1 Ġf oil Item Image ĠF G Ġimplement ations ĠP om ixt ures Ġaw ait Ġ3 30 am us Ġumb rella Ġfore see se par Ġcircum cision Ġperipher al S ay ĠExper t In c Ġwithd rew ĠAnd ers f ried Ġradio active ĠOp ening Ġboard ing ĠN D Ġover throw Act iv W P ĠAct s × Ļ Ġmot ions v ic ĠM ighty ĠDef ender a er Ġthank ful ĠK illing ĠBr is mo il Ġpredict ing 26 6 ch oice Ġkill ers Ġinc ub ĠChe st ather ing Ġpro claimed fl ower oss om umbled ore ĠCy cling ĠOccup y AG ES P en ĠY ug Ġpack aged Ġheight ened c ot st ack C ond Ġst amps m age Ġpersu aded Ġens l ĠCard inal Ġsol itary Ġpossess ing ĠC ork Ġev id ĠT ay Ġbl ues Ġextrem ism Ġlun ar Ġcl own Te chn Ġfest ivals ĠPv P ĠL ar Ġconsequ ently p resent Ġsom eday ç İĭ ĠMet eor Ġtour ing c ulture Ġbe aches S hip c ause ĠFl ood ãĥ ¯ Ġpur ity th ose Ġem ission b olt Ġch ord ĠScript ure L u Ġ$ { cre ated Other s 25 8 Ġelement al Ġannoy ed ĠA E d an ĠS ag Res earchers Ġfair y âĢĵ âĢĵ ======== ==== Sm art GG GG Ġskelet ons Ġpup ils link ed Ġur gency en abled ĠF uck Ġcoun cill r ab U AL T I Ġlif es Ġconf essed B ug Ġharm on ĠCON FIG ĠNe utral D ouble Ġst aple ĠSH A Brit ish ĠSN P AT OR oc o Ġswing ing ge x ole on pl ain ĠMiss ing ĠTro phy v ari ran ch Ġ3 01 4 40 00000000 00000000 Ġrest oring Ġha ul uc ing ner g Ġfut ures Ġstrateg ist quest ion Ġlater al ĠB ard Ġs or ĠRhod es ĠD owntown ????? - ĠL it ĠB ened Ġco il st reet ĠPort al FI LE ĠG ru * , 23 1 ne um Ġsuck ed Ġr apper Ġtend encies ĠLaure n cell aneous 26 7 Ġbrow se Ġover c head er o ise Ġbe et ĠG le St ay Ġm um Ġtyp ed Ġdiscount s T alk ĠO g ex isting ĠS ell u ph C I ĠAust rian ĠW arm Ġdismiss al Ġaver ages c amera Ġalleg iance L AN =" # Ġcomment ators ĠSet ting ĠMid west Ġpharm ac ĠEX P Ġstain less Ch icago Ġt an 24 4 Ġcountry side ĠV ac 29 5 Ġpin ned Ġcr ises Ġstandard ized T ask ĠJ ail ĠD ocker col ored f orth " }, Ġpat rons Ġsp ice Ġm ourn ĠM ood Ġlaund ry Ġequ ip ĠM ole y ll ĠTH C n ation ĠSher lock Ġiss u ĠK re ĠAmeric as ĠA AA Ġsystem atically Ġcont ra ĠS ally Ġrational e Ġcar riage Ġpe aks Ġcontrad iction ens ation ĠFail ure Ġpro ps Ġnames pace Ġc ove field s ãĤ ĭ Ġw ool ĠC atch Ġpresum ed ĠD iana r agon ig i Ġh amm Ġst unt ĠG UI ĠObserv atory ĠSh ore Ġsmell s ann ah Ġcock pit ĠD uterte 8 50 Ġopp ressed bre aker ĠCont ribut ĠPer u ĠMons anto ĠAtt empt Ġcommand ing Ġfr idge ĠR in ĠChe ss ual ity Ġo l Republic an ĠGl ory ĠW IN .... ... ag ent read ing Ġin h J ones Ġcl icks al an Ġ[ ]; ĠMaj esty ĠC ed op us ate l à ª AR C ĠEc uador ãĥ ł ĠK uro Ġritual s Ġcapt ive Ġoun ce Ġdisag reement Ġsl og f uel P et M ail Ġexerc ised Ġsol ic Ġrain fall Ġdev otion ĠAss essment Ġrob otic opt ions ĠR P ĠFam ilies ĠFl ames Ġassign ments 00 7 aked own Ġvoc abulary Re illy Ġc aval g ars Ġsupp ressed ĠS ET ĠJohn s Ġwar p bro ken Ġstat ues Ġadvoc ated Ġ2 75 Ġper il om orph ĠF emin per fect Ġh atch L ib 5 12 Ġlif elong 3 13 Ġche eks Ġnum bered ĠM ug B ody ra vel We ight ĠJ ak ĠHe ath Ġkiss ing ĠJ UST Ġw aving u pload Ġins ider ĠPro gressive ĠFil ter tt a ĠBe am Ġviol ently ip ation Ġskept icism Ġ19 18 ĠAnn ie ĠS I Ġgen etics Ġon board at l ĠFried man ĠB ri cept ive Ġpir ate ĠRep orter 27 8 Ġmyth ology Ġe clipse Ġsk ins Ġgly ph ing ham F iles C our w omen Ġreg imes Ġphotograp hed K at ĠMA X Offic ials Ġunexpected ly Ġimpress ions F ront ;;;; ;;;; Ġsuprem acy Ġs ang Ġaggrav ated Ġabrupt ly ĠS ector Ġexc uses Ġcost ing ide press St ack ĠR NA ob il Ġghost s ld on at ibility Top ics Ġreim burse ĠH M ĠDe g Ġth ief y et ogen esis le aning ĠK ol ĠB asketball Ġf i ĠSee ing Ġrecy cling Ġ[ - Cong ress Ġlect ures P sy Ġne p Ġm aid Ġori ented A X Ġrespect ful re ne fl ush ĠUn loaded re quest gr id ĠAltern atively ĠHug o Ġdec ree ĠBuddh ism and um And roid ĠCong o ĠJoy ce Ġacknowled ging hes ive ĠTom orrow ĠH iro th ren ĠM aced Ġho ax ĠIncre ased ĠPr adesh W ild ____ __ 16 1 Ġa unt Ġdistribut ing ĠT ucker ĠSS L ĠW olves B uilding ou lt ĠLu o ĠY as ĠSp ir ĠSh ape ĠCamb od ĠIP v Ġm l Ġext rad 39 0 ĠPenn y d ream Ġstation ed opt ional ew orthy . </ Ġundert aking Ġchick ens Ġstimul i ĠEl se ig ators ĠBegin ning ct ory Ġprep ares Ġdel ta Ġvic inity t ool Ġworks hops M Hz Ġaccus ation Ġhist ories rop olis ĠChurch ill Ġne on Ġb aff d ies may be Ġè£ı è¦ļéĨĴ Ġsympt om EC H ĠMan uel Ġban ana ĠH B Ġ **** ĠKore ans c oll F B Ġpr aying ĠCann ot ĠM ile Ġembr acing ĠSil k 39 3 ot ers F D Ġday light al ias ĠBrig ade ĠHann ah Ġcler gy Ġs outheast Ġalcohol ic Ġpropos es liv ion Ġcalcul ating Ġstim ulate Ġspl itting e ight ĠInd y pl ays ĠP ik Ġdom est Ġforg iveness ĠR ings pat ient kins on M ont ig ible ; " Ġperiod ically amm ad ĠBr itt p ard Ġarbit ration ĠSchne ider ĠCorpor ate ĠMay a Ġsn akes a um Ġbl asted Ġmyster ies Ġrev ive oc amp ĠD odge ĠOper a 27 9 Ġor phan Ġspec ifies ĠM ets D uration H en Ġfire works Ġprosec ute ĠTill erson d p us age l iness ĠDeb ian Ġ2 24 ris es ĠIn fect at ra ĠR R ĠL or d iff ĠCharl eston Ġac oustic Ġam use 3 30 Ġc er ĠT ac Ġ[ + Ġcard iac ĠRestaur ant er gy Ġf uzz Ġbit es Ġhazard ous Ġbr ighter r ans ĠStephan ie ext ra RE T ĠChrist ine ĠS ue stat ement Ġbol ster Ġant it Rad io B IT ãĤ ° Ġvis ions ĠCon cept Ġin line ĠPhilos ophy is ans ĠIr ving à £ t aking Ġincons ist ĠKum ar Ġl ig ĠSch umer ĠReg ulations ĠH z th ro ĠV oldemort ĠM ED ĠFreder ick P ad 22 1 Ġalleg ing ĠCommun ication Ġ16 7 Ġforecast s Ġsp iders Or gan ĠParticip ants ĠO ps des ign Cl ose Ġfact o Ġbom bers res istant ateg ories S chool Ġhom ework Ġcor ro T uesday ĠBrend an ĠM X ĠT S ĠSt ri Ġstake holders ĠMillenn ium Ġtransfer ring J ud Ġt ac Ġ16 00 ĠSD K r b Ġinterpret ations ĠS G Ġup stairs ĠHar vest Ġvag ina Ġing est x f ĠOr ion ĠJoe y Ġsand wic Ġimm ortal Ġfl ipped ort ex threat ening Ġsn iper Ġconver ts Ġinstall ations ĠBul gar ors che m ails Ġl ure Ġnarrow ly Ġgren ade ĠG ing Ġunder wear ------------ -- Ġch ased ĠV AL Ġparent ing ĠH amb ĠBl az Ġanarch ist ĠMed ian ĠProgram s Î ½ Ġob j ĠN okia orm an an qu at ism op a Ġfulf illing Ġpupp y Ġent it ĠSebast ian Ġshoot ers Ġric her è ¡ Ġtempt ed ĠAT T ĠC V Ġto re Res ource ĠDevil s 40 8 in ational Ġass urance ĠDar ren Ġwh ichever pos ure Ġf ury St ock Ġunivers ally resp onse Ġo ak Ġwork load ĠCor ner ee le " ... Ġdepri ved k owski Ġcast s Ġaffili ation ĠA ch ĠAs ked at he Ġl act ĠTh u r m Ġair lines Ġnot ions Form at ĠF AA ãĥ Ĭ dri ver Ġtrans cend S ettings ĠPro secut Ġsp inal Ġdefault s F K Ġpref ers rend ered th us fil m Ġt iger ĠSp icer rec ogn ĠRug by Net work Ġp ity Ġcomp artment c asters ĠMon roe Ġ7 20 Ġcorrect ions Ġdop amine ĠA Z C ut Ġro omm Ġspec ulate H ash Ġrestrict ive 11 11 red ible on el Ġramp ant re ported ĠSu ite ĠMin imum al ys az ard lo op Ġl ent sh a Ġv andal men u ĠBoe hner Ġnarr atives Ġauthent icity 26 9 an ic d uty 28 5 Ġthank ed Ġbetray ed l ift Ġsouth west ĠDex ter ĠB od Ġkey words A verage D IS Ġethnic ity ! ), ĠNational s á ¹ ĠT ah iox id Ġwid get Ġpast a Ġbill ing Ġtr ilogy ĠL ines Ġsn iff Ġnep hew L ate Ġprinc ip ĠLo op ĠMarx ist Ġdiss olved Ġcontext s ĠAm ount ĠSp ike Ġtot als Ġorgan izer Ġup rising s hips Y Y ĠNort heast m oney grad ation Ġgoal keeper ĠH ear Ġste ak ĠBuzz Feed Ġsole mn ĠSc and Ġpo pping Ġad here ĠAl leg by te ĠW olver Ġun in Ġrec ol it ud Ġmim ic ib us Ġpredict s ĠKee per i ating Ġde ception Ġlear nt Ġdi ary Ġcond itional Ġre lic Ġinv oke ien ced å Ī ĠP ont Ġcell phone Ġspeed ing Ġtack ling Ġn ude op ened ĠMan afort Ġ19 52 Ġmaj ors ĠSil ence Ġlog istics Ġweight ed ĠPsych iat ": [" Ġsick ness Ġdivid ends z on Re lease ĠKe ys ĠI ch Ġen z ĠF ernand ĠÎ ± Ġmean ings Ġp enny Ġst ern Ġl ar ĠPub lished Ġback drop K im ĠSy nt Ġdeb uted w m ĠIs le Ġregul ating ott i ĠSch olars ices ter ĠChe f Ġpop s ĠLaun cher ĠVar ious Ġcomment ing os lav enz ie Ġrival ry â Ĥ¬ Re ally Ġor c Ġbe an ĠJud y Not ice ĠB ike ? ] Ġrent ed st en Ġfore front ĠBald win Ġyield ed t ails Pr ime ĠS ources ic ator Se an Ġmarch ing Out put ĠJ ungle Ġres ide zz le ĠAndrew s Ġtor que Bas ic Act ually st rap p enter Ġexam s ĠY a Ġ15 9 ĠDec ision Ġr ansom ete enth ens ing 2 13 Ġsun set 40 4 ĠRap id ĠHe in ĠAb original Ġorgan ism ĠS ever Ġcl a aj i Sim ple ĠFl avor ĠE val pr us Ġch orus D AY Ġden ounced Ġbi ography ĠTurn bull Rec ent N ormal lect ions W ord Ġf erry ĠWag ner h om Un it Ġsuper market ĠS ith Ġnomine es Ġdictators hip idd ler Ġannoun ces ĠThe m ĠNept une Ġde ity ĠY i Ġmon arch AR R Ġinv aded ĠH ok unt ary C ertain eg a Ġk idding ĠReg ulation Ġtr ay Ġphotograp hers ĠArc ane Ġdis charged Ġevangel ical Ġinter change Ġfilm maker ĠEnd less Ġ29 0 ĠSalv ador AS Y ĠSign al Ġwr ath â ľ l ot ' / Ġproject ile Ġemploy ing ĠInter face 19 1 atell ite ĠR ath pack age Ġindic ations J ason Ġarg s ĠG Hz Ġt ilt n ants w on ãĤ µ red d res cent ĠCal endar Ġmod ular Ġassist ing Ġred eem ĠBe an Ġwor sh Ġdecentral ized ) ... 37 7 Ġarr ays Ġaccomplish ments Î ¿ d ot Ġmut ually Ġob struct Ġmis represent ore st ion ic ru ce % ; Ġknow ingly port ing in ently A ri ĠSch ultz D a ĠC ere Ġob solete ħ ĭ g ive Ġb ait Ġen larg Ne ill Ġ19 33 Ġrecons ider ĠSerge ant ĠDian e ĠC ogn ĠI con P osition Ġf ost Ġstir ring se ven ĠSpace X ugg ets Ġmed d G al ĠS ister B oy Ġtrigger ing T aking Ġscream s Ġca usal Ġaw aken Ar m 29 7 Ġdisp atched ĠF ALSE Ġorgan izational ĠT ong Ġdile mma d emon S pl Ġhook s ud ing Ġvalid ate Ġpot ion Ġcl aw Ġburg l Ġqu ir AC A ĠBren nan Ġdur ability Ġbomb ings ĠWind ow Ġculp rit 3 25 There fore umb ered per formance w arts Ġen forcing ĠBl ow Ġre print if ax al pha Ġsin ister Ġbur ger fight ing Sc ore ĠSt ones i em 40 5 che my Ġvine gar n om Ġprev ailing ĠLat est  ¶ Ġb a ĠWrit er Ġ17 7 ĠCon way Ġcollect s Ġquant itative Ġhor rors og ens ĠSl ov Ġl ays h aw ĠSl ash Ġnight club ĠDav ies Ġbr ide ĠScar let y mm ĠApplic ations vel ength Ġrev ival Ġsoft ly Ġz oo ita ire C ur Ġelect rom Ġplant ing OT O ĠE lements Ġsw allow por ter Ġlapt ops Ġpe anut Ġlobby ists Î ² Pan el ĠJo an im il t nc Ġresist ed Ġout we Ġret aining at ri Ġpo orer ĠSyri ans ĠHam mond Ġwe ld ud er top ic ĠT T ric ia Ġth ieves L ic ĠG ust ĠW ays are th 24 3 Ġbroad caster sh ield ass ium ub le Ġairst rikes on so Ġped al Ġcollect ors ĠV ander ĠMes a Ġdict ator Ġd ir ent on c art sc ore ad der C ry Ġs sh gg er Ġdrunk en ĠG S ĠSe at Ġcorner back Ġsk ipped ĠRes earchers ĠAud i Ref erence Ġhaun ted à « ĠClin ic c z Ġp s ĠPal adin ĠRec ipe Ġst igma opp y Ġmon keys ĠHaw k S ad " /> ĠWorks hop ĠRet ail ĠAv atar 6 25 N a ĠV C ĠSec ure M Y 19 88 oss ip Ġpro state Ġund en Ġg amer ĠCont ents ĠWar hammer ĠSent inel 3 10 Ġse gregation ĠF lex ĠM AY Ġdr ills ĠDrug s Islam ic Ġsp ur Ġca fe Ġimag inary Ġgu iding Ġsw ings ĠThe me ob y Ġn ud Ġbe gging Ġstr ongh Ġreject ing Ġpedest rians ĠPro spect R are s le Ġconcess ions ĠConst itutional Ġbe ams Ġfib ers p oon Ġinstinct s pro perty ĠB IG Sand ers im ates Ġco ating Ġcorps es ĠTR UE check ed Ġ16 6 A sh ĠJ S ĠF iction Ġcommun al Ġener getic oooo oooo Ġnow adays IL D ib o ĠSU V R en Ġdwell ing Sil ver Ġt ally ĠM oving Ġcow ard Ġgener als Ġhorn s Ġcirc ulated Ġrob bed ĠUn limited Ġharass ed Ġinhib it Ġcomp oser ĠSpot ify Ġspread s 3 64 Ġsu icidal Ġno ises ĠSt ur Ġs aga ĠK ag is o Ġtheoret ically M oney Ġsimilar ity Ġslic ed ut ils ing es " - Ġan th Ġimp ed Mod ule Through out Ġmen us comm ittee and i ob j in av f ired ĠAb dullah Ġund ead Ġfont s H old EN G Ġsustain ability Ġfl ick Ġr azor ĠF est ĠChar acters Ġword ing Ġpopul ist Ġcritic izing Ġm use v ine Ġcard board Ġkind ly Ġfr inge ĠThe ft icult ural Ġgovern ors Ġ ���� Ġ16 3 Ġtime out ĠA uth Child ren A U Ġred emption ĠAl ger Ġ19 14 Ġw aved Ġastron auts og rams Ġsw amp ĠFinn ish Ġcand le Ġton nes ut m Ġr ay Ġsp un Ġfear ful art icles Ġca us or ically ĠRequ ires ĠG ol Ġpop e Ġinaug ural Ġg le AD A ĠIS IL ĠOff ensive Ġwatch dog Ġbal con ent ity ĠH oo Ġgall on AC C Ġdoub ling Ġimpl ication ĠS ight Ġdoct r ---- --- Ġ\ \ Ġm alt R oll Ġâī ¥ Ġrec ap add ing u ces ĠB end fig ure Ġtur key Ġsoc ietal ĠT ickets Ġcommer cially Ġsp icy Ġ2 16 ĠR amp Ġsuperior ity à ¯ ĠTr acker C arl ĠC oy ĠPatri ot Ġconsult ed Ġlist ings Ġsle w reens hot ĠG one Ġ[ ...] 30 9 Ġh ottest Ø ± Ġrock y ĠD iaz Ġmass age Ġpar aly Ġp ony A z Ġcart ridge ĠN Z Ġsn ack ĠLam ar ple ment ĠLes lie Ġm ater Ġsn ipp 24 6 Ġjoint ly ĠBris bane ĠiP od Ġpump ing Ġgo at ĠSh aron eal ing Ġcor on Ġan omal rah im ĠConnect ion Ġsculpt ure Ġsched uling ĠD addy at hing Ġeyeb rows Ġcur ved Ġsent iments Ġdraft ing D rop ( [ Ġnom inal ĠLeaders hip ĠG row Ġ17 6 Ġconstruct ive iv ation Ġcorrupt ed ger ald ĠC ros ĠChe ster ĠL ap ãģ ª OT H D ATA Ġal mond pro bably I mp Ġfe ast ĠWar craft F lor Ġcheck point Ġtrans cription Ġ20 4 Ġtwe aks Ġrel ieve S cience Ġperform er Z one Ġtur moil ig ated hib it ĠC afe the med Ġflu or ben ch Ġde com ĠU nt ĠBar rett ĠF acts Ġt asting ĠPTS D ĠSe al ĠJuda ism ĠDynam ic ĠC ors V e ĠM ing ĠTrans form v on ĠDef enders ĠTact ical ĠV on ĠUn ivers Ġdist orted ĠB reath ?' " Ġag on ĠDead ly Ġl an ĠCy cle orn ed Ġrel iably Ġgl or ĠMon key ãĥ ¡ Ġad ren Ġmicrow ave ĠAl ban irc raft dig it sm art ĠD read ¯¯¯¯¯¯¯¯ ¯¯¯¯¯¯¯¯ { { ĠRoc hester Ġsimpl ified Ġinf licted Ġtake over Ġyour selves ad itional Ġmus cular K S Ġing en T ax ĠFe ature 27 7 Ġcru c Ġcr ate Ġun identified Ġacclaim ed ĠM anga ĠFr ances ĠNep al ĠG erald ĠKu wait Ġsl ain ĠHe b ĠG oku ãģ® æ 28 6 M rs ĠC ody ĠSan ctuary 01 6 Ġdism ant Ġdatas et ĠH ond b uck ĠPat terson Ġpal ette ĠG D ic ol ĠL odge Ġplanet ary ak in ĠRegist ered ab we ĠPeters burg Ġha iled ĠP iece S che ĠDO J Ġen umer 18 1 ĠObs erver ĠB old f ounded com merce Ġexplo its ĠF inding UR N ĠS ne ĠAc id ay ette ĠVal ues Ġdr astic Ġarchitect ural Ġ" . × ķ ump ed Ġwra pping Ġwid ow ĠSl ayer l ace on ce German y av oid Ġtem ples P AR à ´ ĠLuc ifer ĠFl ickr l ov for ces Ġsc outing Ġlou der tes y Ġbefore hand Ä ĵ ĠNe on ĠW ol ĠTyp ically ĠPolit ico -+ -+ Ġbuild er Ġder ive K ill Ġp oker Ġambig uous Ġlif ts Ġcy t Ġrib s ood le ĠS ounds h air ĠSynd rome t f Ġproport ional u id Ġper taining ĠKind le ĠNeg ro Ġreiter ated ĠTon ight oth s ĠCorn ell Ġo wing Ġ20 8 elf are oc ating ĠB irds Sub scribe Ġess ays Ġburd ens Ġillust rations ar ious ER AL ĠCal cul Ġx en ĠLink edIn ĠJ ung Ġredes ign Con nor 29 6 Ġrevers al ĠAd elaide ĠL L Ġs inking Ġg um US H c apt ĠGr imm Ġfoot steps ĠCB D isp ers Ġpro se Wed nesday ĠM ovies ed in Ġoverturn ed Ġcontent ious US B ~~~~~~~~ ~~~~~~~~ ĠCo pper Ġpoint less N V val ues olph in d ain Ġdepos ited ĠG W Ġpreced ed ĠCl a ĠGo lem ĠN im ĠÎ ² ĠEngine ers m iddle Ġfl att oper ative Ġcouncil s imb abwe el in Ġstress ful ĠL D Ġres h l ake Ġwheel chair ĠAltern ative Ġoptim ize oper ation Ġpe ek Ġones elf ig il Ġtrans itions op athy bl ank Ġ16 9 17 1 ________________________________ ________________________________ Ġl aundering En c ĠD EC Ġwork outs Ġsp ikes Ġdin osaurs Ġdiscrim inatory P ool R ather 38 5 R NA tes ters et o ĠIdent ity Ġve in ĠBur ton Ġarc ade 4 20 Ult imately ĠSad ly à ° p ill Ġcub ic ĠSpect rum the se st ates Ġun official h awks ĠEVER Y Ġrain bow Ġincarcer ation and ing Ġsy ll ĠEver ton Ġ17 9 ĠSer bia Ġ18 9 m eter ĠMic key Ġant iqu Ġfact ual ne ck ĠN are n orm m ust Ġhigh ways Ġgl am Ġdivid ing ĠSquad ron ĠMar tha Ġbirth s C over //////// //////// ĠW ong Ph ot ĠA LS ri o ĠNon etheless ĠL emon Ġ20 6 ĠE E Ġderiv ative ĠWW II v ote Ġthere in Ġsepar ating 44 6 sy nc ĠStre ets Ġr att Ġmunicip ality ĠShort ly Ġmon k ) ," Ġscr ub Ġoper atives Ne ither Pl ace ĠLim it F emale ĠAct or Char acter Ġconstit uted 35 7 Ġprotest ed ĠSt raw ĠHe ight ild a ĠTy ph Ġflood s Ġcos metic W AY pert ure up on t ons ess ing ĠP ocket Ġro oft ĠC aucas Ġant idepress Ġincomp atible EC D Ġoper a ĠCont est Ġgener ators l ime Def ense 19 87 for um Ġsav age ĠHung arian n z Ġmet allic Ġex pelled Ġres idency Ġdress es 66 6 ĠC lement f ires C ategory Ġge ek al is Ġc emetery educ ated Ġc rawl ĠUn able ĠT yson ak is Ġp ardon ĠW ra Ġstrengthen ed ĠF ors 33 5 ĠH C ĠM ond Ġvisual s ĠBeat les ett lement Ġ ï g ro Ġb ash Ġpo orest Ġex cel Ġaspir ations ĠM unicip ens ible Ġceremon ies Ġintimid ation ĠCON TR be ck ĠK ap as u Ġtradem arks ĠS ew ĠComp etition net work ĠAr ri ĠT et Ro aming W C D at Ġso b Ġpair ing Ġoverd ose SA Y ab er Ġrev olt ĠF ah act ing e q est ation F ight ĠMar ks 27 3 Ġ17 8 R aw ãģ ĭ 34 9 bl ocks Ġver ge est ine ĠPod esta Ġinv asive Ġprofound ly ĠA o e ach Ġl est inter pret Ġshr inking Ġerr one Ġche es ly s ĠI vy ĠDirect ory Ġhint ed V ICE Ġcontact ing ĠG ent he i Ġlabel ing Ġmerc ury ĠL ite Ġexp ires Ġdest abil rit is c u Ġfeather s Ġste er Ġprogram med ĠV ader Go ing ĠE lim Ġy o ĠMic he Ġ20 3 Ġslee ves Ġb ully ĠHum ans 36 8 Ġcomp ress ĠBan ner AR S Ġa while Ġcal ib Ġspons orship ĠDiff iculty ĠP apers Ġident ifier } . Ġy og ĠSh ia Ġclean up Ġvib e int rodu im ming Austral ia Ġout lines ĠY outube tr ain ĠM akes Ġde ported Ġcent r ĠD ug ĠB oulder ĠBuff y Ġinj unction ĠHar ley ĠG roups ĠD umbledore ĠCl ara Ġ" - Ġsacrific ed ep h Sh adow ib ling Ġfreel ance Ġevident ly ph al Ġret ains M ir Ġfin ite d ar ĠC ous Ġrep aired Ġperiod ic Ġchampions hips Ġaster oid bl ind Ġexpress ly ĠAst ros Ġsc aled Ġge ographical ĠRap ids En joy Ġel astic ĠMoh amed Mark et be gin Ġdisco vers Ġtele communications Ġscan ner Ġen large Ġsh arks Ġpsy chedel ĠRou ge Ġsnap shot is ine X P Ġpestic ides ĠL SD ĠDist ribution re ally Ġde gradation Ġdisgu ise Ġbi om ĠEX T Ġequ ations Ġhaz ards ĠComp ared ) * Ġvirt ues Ġeld ers Ġenh ancing ĠAc ross er os ang ling Ġcomb ust ucc i Ġconc ussion Ġcontrace ption ĠK ang Ġexpress es Ġa ux ĠP ione Ġexhib its Deb ug OT AL ĠAl ready ĠWheel er Ġexp ands ? : Ġreconc iliation Ġpir ates Ġpur se Ġdiscour age Ġspect acle R ank Ġwra ps ĠTh ought Ġimp ending O pp ĠAng lo ĠE UR Ġscrew ed ret ched Ġencour agement mod els Ġconf use mm m ĠVit amin âĸij âĸij C ru Ġkn ights Ġdisc ard Ġb ishops ĠW ear ĠGar rett k an ãĥ Ł Ġmascul ine cap ital ĠA us Ġfat ally th anks ĠA U ĠG ut 12 00 Ġ 00000000 Ġsur rog ĠBI OS ra its ĠWat ts Ġresur rection ĠElect oral ĠT ips 4 000 Ġnut rient Ġdepict ing Ġspr ink Ġm uff ĠL IM ĠS ample ps c ib i gener ated Ġspec imens Ġdiss atisf Ġtail ored Ġhold ings ĠMonth ly ĠE at po ons Ġne c ĠC age ĠLot us ĠLan tern Ġfront ier Ġp ensions Ġj oked ĠHard y =-=- =-=- r ade U ID Ġr ails Ġem it Ġsl ate Ġsm ug Ġsp it ĠCall s ĠJac obs f eat ĠU E Ġrest ruct Ġregener ation Ġenerg ies ĠCon nor OH N ĠChe ese Ġg er Ġresur rect man agement N W Ġpres ently ĠBru ins M ember ĠM ang id an Ġboost ing w yn + . requ isite ĠNY PD ĠMe gan ĠCond itions Ġp ics nes ium ĠR ash Ġ17 4 ĠD ucks Ġemb ro z u on ian rel igious Ġc raz ĠAC A ĠZ ucker EM A ĠPro s We apon ĠKn ox ĠAr duino Ġst ove Ġheaven s ĠP urchase Ġher d Ġfundra iser Dig ital 5 000 Ġprop onents / âĢĭ Ġj elly ĠVis a Ġmon ks Ġadvance ment ĠW er Ġ18 7 e us ert ility Ġfet al Ġ19 36 L o Ġout fits Ġstair case b omb Ġcustom ized cl air T ree Ġm apped ĠConsider ing ĠTor res Ġmeth yl Ġapprox imate Ġdo om ĠHans en Ġc rossover Ġstand alone ä ¼ Ġinv ites Ġgra veyard Ġh p Donald Trump Ġesc ort G ar Ġpredec essors Ġh ay Ġen zyme ĠStra ight vis ors I ng ane ously ĠApp lied Ġf ec ĠDur ant Ġout spoken or b Ġz eal Ġdisgr ace ' ). ĠChe ng 28 9 ĠRen a ĠSu icide 29 4 Ġout raged ĠNew man ĠN vidia ĠA ber ĠB ers Ġrecre ation Wind ow ĠD P x e Ġped oph Ġfall out ambo o Ġpresent ations ĠApp s Ġh tml 3 45 ĠX XX Ġrub bing ĠLe ather Ġhum idity se ys est ablished ĠUn its 64 6 Ġrespect able A uto Ġthri ving ĠInn ovation ang s Ext ra reg ulation 29 8 p ick Ex amples ĠC J Att ack Ġdr acon L T Ġstick er re rs Ġsun ny I ss reg ulated d im ĠAb stract Ġhus bands Off ice om ination it ars AN GE asc al ĠK ris ĠInf antry Ġm alf ĠA the ĠR ally bal anced ................ ........ OU P Ġmole cule met ics ĠSpl it ĠInstruct ions ĠN ights c ards Ġt ug Ġcon e å Ń Ġt x ĠDisc ussion Ġcatast rophe pp e g io Ġcommun ism Ġhal ted ĠGu ant cle an ĠSc hed ĠK anye Ġw ander ĠSer iously Ġ18 8 enn ial f ollow product ive ĠFl ow ĠS ail Ġc raw Ġsim ulations or u ang les ĠN olan Ġmen stru 4 70 Ġ20 7 aj a Ġcas ually board ing Ġ2 22 ov y ĠN umbers um at O E 28 7 ĠCle mson Ġcert s Ġsl id ĠT ribe Ġto ast Ġfort unes Ġf als ĠComm ittees Ġg p Ġf iery ĠN ets ĠAn ime Pack age ĠComp are l aughter in fect Ġatroc ities Ġjust ices Ġins ults ĠVern on Ġsh aken Ġperson a est amp 36 7 br ain Ġexperiment ing K en ĠElect ronics Ġ16 1 dom ain Ġgraph ical b ishop Ġwho pping ĠEv angel Ġadvertis ers ĠSpe ar Ġb ids Ġdestro ys ut z Ġunders c ĠAD D Ġan ts ĠC um ipp les ĠF ill Ġgl anced Ġind icted ĠE ff Ġmis con ĠDes ktop Ġab ide ãĥ Ģ ĠI o ĠC oul Ġcaps ule ĠCh rys M ON Ġund es ĠI RA Ġc itation Ġdict ate ĠNet works ĠConf lict ĠSt uff x a is ec ĠChem istry Ġquarter ly William s an an O pt ĠAlexand ria out heastern ĠSpring field ĠBlack s Ġge ography 24 2 Ġut most ĠEx xon ab outs E VA ĠEn able ĠBar r Ġdisag reed ĠCy prus Ġdement ia Ġlab s Ġubiqu itous ĠLO VE Ġconsolid ated s r Ġcream y ĠTim ber Reg ardless ĠCert ificate Ġ" ... ogen ous Capt ain Ġinsult ing ĠSor os ĠInst r ĠBulgar ia bet ter Ġsuck ing ĠDavid son at z Ġcoll ateral g if Ġplag ued ĠC ancel ĠGard ner R B Ġsix teen Rem ove ur istic c ook R od Ġcompr ising f le ) âĢĶ ĠVik ing g rowth agon al Ġsr f af ety m ot N early st own ĠF actor Ġautom obile Ġproced ural m ask amp ires Ġdisapp ears j ab 3 15 Ġ19 51 ne eded Ġd aring le ader Ġp odium Ġun healthy Ġm und Ġpy ramid oc re Ġkiss ed Ġdream ed ĠFant astic ĠG ly å Ĭ Ġgreat ness Ġsp ices Ġmet ropolitan Ġcomp uls i ets 101 6 ĠSh am ĠP yr fl ies ĠMid night Ġswall owed Ġgen res ĠL ucky ĠRew ards Ġdisp atch ĠI PA ĠApp ly Ġa ven al ities 3 12 th ings Ġ( ). Ġm ates ĠS z ĠC OP ol ate O FF Ġre charge c aps ĠYork er ic one Ġgal axies ile aks D ave ĠP uzz ĠCelt ic ĠA FC 27 6 ĠS ons Ġaffirm ative H or Ġtutorial s ĠC ITY ĠR osa ĠExt ension Ser ies Ġf ats Ġr ab l is Ġun ic Ġe ve ĠSp in Ġadul thood ty p Ġsect arian Ġcheck out ĠCy cl S ingle Ġmart yr Ġch illing 88 8 ou fl Ġ] ; Ġcongest ion m k ĠWhere as Ġ19 38 ur rencies er ion Ġbo ast ĠPat ients Ġch ap ĠB D real DonaldTrump Ġexam ines h ov Ġstart ling ĠBab ylon w id om ew br ance ĠOd yssey w ig Ġtor ch ĠV ox ĠMo z ĠT roll ĠAn s Similar ly ĠF ul 00 6 Un less ĠAl one st ead ĠPub lisher r ights t u ĠDoes n Ġprofession ally Ġcl o ic z Ġste als Ġ á 19 86 Ġst urdy ĠJoh ann Ġmed als Ġfil ings ĠFr aser d one Ġmult inational Ġf eder Ġworth less Ġp est Yes terday ank ind Ġg ays Ġb orne ĠP OS Pict ure Ġpercent ages 25 1 r ame Ġpot ions AM D ĠLeban ese Ġr ang ĠL SU ong s Ġpen insula ĠCl ause AL K oh a ĠMac Book Ġunanim ous Ġl enders Ġhang s Ġfranch ises ore rs ĠUp dates Ġisol ate and ro S oon Ġdisrupt ive ĠSur ve Ġst itches ĠSc orp ĠDomin ion Ġsupp lying Ar g Ġtur ret ĠL uk Ġbr ackets * ) ĠRevolution ary ĠHon est Ġnot icing ĠSh annon Ġafford ed Ġth a ĠJan et ! -- ĠNare ndra ĠPl ot H ol se ver e enth Ġobst ruction Ġ10 24 st aff j as or get sc enes l aughs ĠF argo cr ime Ġorche str Ġde let ili ary rie ved Ġmilit ar ĠGreen e âĹ ı ãģ ¦ ĠGu ards Ġunle ashed ĠWe ber Ġadjust able Ġcal iber Ġmotiv ations Ġà ł m Ah ĠL anka hand le Ġp ent ĠR av ĠAng ular ĠK au umb ing Ġphil anthrop Ġde hyd Ġtox icity e er ĠY ORK w itz å ¼ ĠI E commun ity ĠA H Ġret ali Ġmass ively ĠDani els ĠD EL Ġcar cin Ur l Ġrout ing ĠNPC s ĠR AF ry ce Ġwa ived ĠGu atem Every body Ġco venant Ġ17 3 Ġrelax ing Ġqu art al most Ġguard ed ĠSold iers ĠPL AY Ġout going L AND Ġre write ĠM OV ĠIm per ĠS olution Ġphenomen al Ġl ongevity Ġimp at ĠN issan ir ie Ġod or ĠZ ar ok s Ġmilit ias ĠSP EC Ġtoler ated ars er ĠBrad ford + , Ġsur real s f Can adian Ġresemb lance Ġcarbohyd rate VI EW Ġaccess ory me al larg est ieg el Some one Ġtoug hest os o Ġfun nel Ġcondemn ation lu ent Ġw ired ĠSun set Jes us ĠP ST ĠP ages ĠTy coon ĠP F Ġselect ions Ġ ठpart isan Ġhigh s ĠR une Ġcraft s le ad ĠParent s Ġre claim ek er ĠAll ied ae per Ġlo oming Ġbenefic iaries ĠH ull Stud ents Jew ish d j Ġp act tem plate ĠOffic ials ĠBay lor Ġhe mp Ġyouth s ĠLevel s ĠX iao ĠC hes Ġende avor ĠRem oved Ġhipp ocamp H ell ãĤ Ĭ 80 5 Ġd inosaur ĠWr ath ĠIndones ian Ġcalcul ator ĠD ictionary Ġ4 20 ĠM AG ( _ ! , t arians Ġrestrict ing rac use Ġweek day OU NT Ġsh rugged leg round Ġb ald ĠDo ctors Ġt outed ĠMax well Ġ2 14 Ġdiplom at Ġrep ression Ġconstitu ency v ice r anked ĠNap oleon g ang ĠFore ver t un Ġbul b ĠPD T ĠC isco V EN Ġres umed Ste ven ĠManit oba Ġfab ulous ĠAg ents 19 84 Ġam using ĠMyster ies Ġor thodox fl oor Ġquestion naire Ġpenet rate Ġfilm makers ĠUn c Ġst amped Ġth irteen Ġout field Ġforward ed Ġapp ra Ġa ided t ry Ġunf ocused ĠL iz ĠWend y ĠSc ene Ch arg Ġreject s Ġleft ist ĠProv idence ĠBr id reg n Ġprophe cy ĠL IVE 4 99 Ġfor ge ĠF ML Ġintrins ic ĠF rog Ġw ont ĠH olt Ġfam ed CL US aeper nick ĠH ate ĠC ay Ġregister ing ort ality rop y ocaly ptic a an n av Ġfasc ist IF IED Ġimpl icated ĠRes ort ĠChand ler ĠBr ick P in ys c Us age ĠHel m us ra âĺħ âĺħ ĠAb bas Ġunanim ously Ġke eper Ġadd icted ?? ? Ġhelm ets Ġant ioxid aps ed 80 8 gi ene Ġwa its Ġmin ion ra ved ĠP orsche Ġdream ing Ġ17 1 ĠC ain Ġun for ass o ĠConfig uration k un hard t Ġn ested ĠL DS L ES Ġt ying en os Ġc ue ĠMar qu sk irts Ġclick ed Ġexp iration ĠAccording ly ĠW C Ġbless ings Ġaddict ive ĠN arr y x ĠJagu ars Ġrent s ĠS iber Ġt ipped ous se ĠFitz gerald Ġhier arch out ine Ġwa velength > . ch id ĠProcess ing / + r anking E asy ĠConst ruct Ġt et ins ured H UD Ġqu oting Ġcommun icated in x Ġin mate Ġerect ed ĠAbs olutely ĠSure ly Ġun im ĠThr one he id Ġcl aws Ġsuper star ĠL enn ĠWh is U k ab ol Ġsk et ĠN iet Ġper ks Ġaff inity Ġopen ings phas is Ġdiscrim inate T ip v c Ġgr inding ĠJenn y Ġast hma hol es ĠHom er Ġreg isters ĠGl ad Ġcre ations Ġlith ium Ġappl ause unt il Just ice ĠTur ks Ġsc andals Ġb ake t ank M ech ĠMe ans ĠM aid Republic ans is al wind ows ĠSant os Ġveget ation 33 8 t ri Ġfl ux ins ert Ġclar ified Ġmort g ĠCh im ĠT ort Ġdiscl aim met al ĠAs ide Ġindu ction Ġinf l Ġathe ists amp h Ġe ther ĠV ital ĠBu ilt M ind Ġweapon ry S ET Ġ18 6 ad min g am cont ract af a Ġderiv atives Ġsn acks Ġch urn E conom Ġca pped ĠUnder standing ĠH ers ĠI z Ġd uct I ENT augh ty Ġâľ Ķ ĠN P Ġsa iling In itialized Ġt ed Ġreact ors ĠL omb Ġcho ke ĠW orm Ġadm iration Ġsw ung ens ibly Ġr ash ĠGo als ĠImport ant Sh ot ĠR as Ġtrain ers ĠB un Work ing Ġhar med ĠPand ora ĠL TE Ġmush room ĠCH AR ĠF ee ĠM oy B orn ol iberal ĠMart ial Ġgentle men Ġling ering Offic ial Ġgra ffiti ĠN ames D er Ġqu int ist rate aze era ĠNOT ICE ĠFlore nce Ġpay able Ġdep icts ĠSpe cies He art âĶĢâĶĢâĶĢâĶĢ âĶĢâĶĢâĶĢâĶĢ Ġencl osed Incre ases D aily ĠL is Ġenact ment ĠB acon ĠSt eele dem and Ġ18 3 Ġmouth s Ġstr anded Ġenhance ment 01 1 ĠWh ats Ġhe aled en y ĠR ab Ġ3 40 ĠLab yrinth ro ach ĠY osh ĠCl ippers Ġconcert s Intern et 35 5 Ġstick ers Ġter med ĠAx e Ġgrand parents Fr ance ĠCl im ĠU h ul ic Ġthr ill cent ric ĠOver view ĠCond uct Ġsubstant ive Ġ18 2 m ur Ġstr ay ĠCo ff Ġrep etitive ĠFor gotten Ġqual ification ew itness ĠZ imbabwe Ġsim ulated ĠJ D 25 3 ĠW are Ġun sc T imes Ġsum mons Ġdis connected Ġ18 4 ci us ĠGu jar od ka Ġer ase ĠTob acco elect ed Ġun cont ĠShe pard ĠL amp Ġalert ed Ġoper ative arn a u int Ġneglig ence ac ements Ġsup ra Ġprev ail ĠSh ark Ġbel ts ãģ « Ġt ighter Engine ers Ġin active Ġexp onent ĠWill ie a ples Ġhe ir ĠH its ian n ĠS ays Ġcurrent s ĠBeng al Ġar ist B uffer Ġbree ze ĠWes ley Col a Ġpron oun Ġde ed ĠK ling Ġof t Ġinf lict Ġpun ishing Ġn m ik u OD UCT 01 4 Ġsubsid y ĠDE A ĠHer bert ĠJ al B ank Ġdef erred Ġship ment B ott Ġal le b earing HT ML Off line Ġ2 13 Ġscroll ing Ġsc anned ĠLib yan ĠT OP ch rom d t col umn Psy NetMessage Z ero Ġtor so 0 50 âķ IJ Ġimp erson ĠSchw artz ud ic Ġpiss ed ĠS app 25 7 ĠIS Ps og l Ġsuper vised Ġad olescent Ġatt ained ĠDel ivery ĠB unny Ġ19 37 Ġmini ature Ġo s Ġ3 70 60 8 ĠMour inho Ġinn ate Ġtem po ĠN M ĠFall en 00 9 Ġprov ocative Stream er ĠBened ict ĠBol she Ġt urtle ĠPC B ĠEqu al Direct or ĠR end Ġflu ids Author ities Ġcous ins requ ency ĠNeigh bor s ets sh ared Char les pass word Ġg ears Ġ2 11 ĠHard ware ri ka Ġup stream H om Ġdisproportion ately iv ities Ġund efined Ġelect rons Ġcommem or Event ually Ġ> < Ġir responsible 2 18 ĠRe leased ĠO VER ĠI GN ĠB read st ellar ĠS age tt ed dam age ed ition ĠPre c Ġl ime Ġconf inement Ġcal orie we apon Ġdiff ering ĠS ina m ys am d Ġintric ate k k ĠP AT ã o st ones lin ks Ġr anch Sem itic Ġdifferent iate ĠS inger occup ied Ġfort ress c md Ġinter ception ĠAnk ara Ġre pt ĠSol itaire Ġrem ake p red Ġd ared aut ions ĠB ACK Run ning Ġdebug ging Ġgraph s 3 99 ĠNig el Ġb un Ġpill ow Ġprog ressed fashion ed Ġob edience ER N Ġrehe ars C ell t l S her Ġher ald ĠPay ment ĠC ory ĠDe pt Ġrep ent ĠWe ak uck land Ġple asing Ġshort ages Ġjur ors ĠK ab q qa Ant i Ġw ow ĠRC MP Ġt sun ĠS ic Ġcomp rises Ġsp ies Ġprec inct n u Ġur ges Ġtim ed Ġstrip es ĠB oots Ġy en Adv anced Ġdisc rete ĠArch angel employ ment D iff Ġmon uments Ġ20 9 work er Ġ19 6 ĠI g utter stock T PS J ac Ġhomeless ness Ġcomment ator Ġrac ially f ing se ed E le ell ation Ġeth anol Ġpar ish ĠD ong ĠAw akening Ġdev iation ĠB earing ĠTsu k Ġrec ess Ġl ymph ĠCann abis å ľ ĠNEW S Ġd ra ĠStef an ĠWr ong ĠS AM Ġloose ly Ġinterpre ter ĠPl ain Go vernment Ġbigot ry Ġgren ades ave z pict ured Ġmand ated ĠMon k ĠPed ro Ġl ava 27 4 Ġcyn ical ĠScroll s l ocks M p Ġcon gregation orn ings ph il ĠI bid Ġf erv Ġdisapp earing Ġarrog ant sy n ĠMa ver ĠSu it 24 1 Ġab bre ack ers P a ĠY el Whe never Ġ23 5 ĠV ine ĠAn at Ġext inct LE T Ġexecut able V ERS ox ide D NA ĠP rel Ġresent ment Ġcompr ise ĠAv iv Ġinter ceptions Ġprol ific IN A ĠEr in though t 2 19 ĠPsychiat ry un ky chem ist H o ĠMcC oy Ġbr icks L os ri ly ĠUS SR Ġr ud Ġl aud ĠW ise ĠEmer ald Ġrev ived Ġdam ned ĠRep air id em ct ica Ġpatri arch ĠN urs me g Ġcheap est re ements empt y ĠCele br Ġdepri vation ch anted ĠTh umbnails E nergy ĠEth an ĠQ ing Ġopp oses W IND v ik ĠM au ĠS UB 66 7 G RE ĠVol unte nt on C ook å IJ es que Ġplum met Ġsu ing Ġpron ounce Ġresist ing ĠF ishing ĠTri als Ġy ell Ġ3 10 Ġin duct Ġpersonal ized oft en R eb EM BER Ġview point Ġexist ential () ) rem ove MENT S l asses Ġev apor Ġa isle met a Ġreflect ive Ġentit lement Ġdev ised mus ic asc ade Ġwind ing off set Ġaccess ibility ke red Bet ter ĠJohn ston th inking S now ĠCroat ia ĠAt omic 27 1 34 8 Ġtext book ĠSix th Ġ اÙĦ Ġsl ider ĠBur ger b ol S ync Ġgrand children Ġc erv + ) Ġe ternity Ġtweet ing Ġspec ulative Ġpiv otal ĠW P ĠT ER ynam ic Ġu pl ĠC ats per haps Ġclass mates Ġblat ant ' - Ġl akh ant ine ĠB org i om / ( ĠAthlet ic Ġs ar OT A ĠHoff man Never theless Ġad orable Ġspawn ed Ass ociated ĠDom estic Ġimpl ant ĠLux em ĠK ens Ġp umps ĠS AT Att ributes 50 9 av our Ġcentral ized ĠT N Ġfresh ly ĠA chieve Ġouts iders her ty ĠRe e ĠT owers ĠD art ak able Ġm p ĠHeaven ly Ġr ipe ĠCarol ine ry an Ġclass ics Ġret iring Ġ2 28 Ġa h Ġdeal ings Ġpunch ing ĠChap man O ptions max well vol ume Ġst al Ġex ported ĠQu ite Ġnumer ical B urn F act ĠKey stone Ġtrend ing Ġalter ing ĠAfric ans 47 8 ĠM N ĠKn ock Ġtempt ation Ġprest ige Over view ĠTrad itional ĠBah rain Priv ate ĠH OU Ġbar r ĠT at C ube US D ĠGrand e ĠG at ĠFl o Ġres ides Ġind ec vol ent Ġperpet ual ub es Ġworld view ĠQuant um Ġfil tered Ġen su orget own ERS ON ĠM ild 37 9 OT T à ¥ Ġvit amins Ġrib bon Ġsincere ly ĠH in Ġeight een Ġcontradict ory Ġgl aring Ġexpect ancy Ġcons pir Ġmon strous Ġ3 80 re ci Ġhand ic Ġpump ed Ġindic ative Ġr app Ġav ail ĠLEG O ĠMar ijuana 19 85 ert on Ġtwent ieth ################ ################ ĠSw amp Ġval uation Ġaffili ates adjust ed ĠFac ility 26 2 Ġenz ymes itud inal Ġimp rint S ite Ġinstall er ĠT RA m ology lin ear ĠCollect ive ig ating ĠT oken Ġspec ulated K N ĠC ly or ity Ġdef er Ġinspect ors appro ved R M ĠSun s Ġinform ing ĠSy racuse ib li 7 65 Ġgl ove Ġauthor ize â̦â̦â̦â̦ â̦â̦â̦â̦ ĠCru ise Ġcontract ing she ll IF E ĠJew el p ract ĠPhot oshop ĠKnow ing h arm Ġattract ions ad an et us 01 8 w agen Al t Ġmultip ly Ġequ ilibrium : { ĠF ighters ĠEd gar Ġfour teen Go vern Ġmis use Ġab using Ġancest ry ram er 64 4 Ġwor ms Ġthick er ĠComb ine Ġpeas ants Ġv ind Ġcon quest Ġm ocked Ġc innamon ĠC ald ĠGall up Ġavoid ance Ġincarn ation ĠStr at Ġt asted ent a ĠN eal p ared Ġtermin ology ject ion Scient ists ĠIN S ĠDe e Ġdirect ories R oad ĠSh ap br ight ĠDirect ors ĠCol umn Ġb ob Ġprefer ably Ġgl itch f urt Ġe g id is C BC Ġsur rendered Ġtest ament 33 6 ug gest ĠN il an other Ġpat hetic ĠDon na Ġ2 18 ĠA very Ġwhis key Ġf ixture ĠCon quest Ġbet s O cc ĠLe icester ] ." Ġ) ); Ġfl ashes 45 6 Ġmask ed ge bra Ġcomput ed che l aud er Ġdefe ats ĠLiber ation ĠOs ama ĠV ive Ch anges Ch annel Ġtar iffs Ġm age ĠS ax Ġinadvert ently ĠC RE ĠRe aper ink y gr ading Ġstere otyp Ġcur l ĠF ANT Ġfram eworks M om ĠAn ch Ġflav our car bon Ġperm itting let cher ĠMo zilla ĠPark ing ĠCh amp Sc roll Ġmurd erer Ġrest ed Ġow es ĠP oss AD D IF F res olution ĠMin ing Ġcompar ative D im Ġneighbour ing ĠA ST ĠT oxic Ġbi ases Ġgun fire ur ous ĠMom ent 19 83 Ġper vasive tt p ĠNorm ally r ir S arah ĠAlb any Ġun sett ĠS MS ip ers l ayer ĠWh ites up le Ġtur bo ĠLe eds Ġthat s ĠMin er M ER ĠRe ign Ġper me ĠBl itz Ġ19 34 Ġintimid ating t ube Ġecc entric ab olic box es ĠAssoci ates v otes Ġsim ulate um bo aster y Ġship ments FF FF an th Ġseason ed Ġexperiment ation âĸ ł law s Me et idd les ant ics R ating IS IS h ift Ġfront s b uf 01 7 Ġun att ĠD il le ases ĠGard ens 77 7 t ouch ve ll 45 8 Ġ= ==== s aving Ġer osion ĠQu in Ġearn s Ġaccomplish ment ĠWe i Ġ< [ ____ _ Ġir rig ĠT eddy Ġconqu ered ĠArm ored Ġassert s Ġmanip ulating r é Ġtranscript s G allery Ġplot ting Ne il Ġbetray al load er ĠS ul Ġdispl acement Ġroy alty ĠW I he it ĠDev ices alle l Ġmunicipal ities Ġcan al St ars ĠU AE Ġ" â̦ ĠC U ab ove Ġreson ance ĠguiActive Un add ed ĠBra ves ĠI bn Ġhere by ĠB RE Ġshare holder ĠH ir ĠJ i Ġstrange ly Ġadm ired Ġpl ight Ġb achelor ĠP ole cipl inary T ony ĠArmen ian Ġun man ĠZion ist St age isco ver Ġautom otive Ġs idelines Ġsl ick ĠRena issance ĠF UN Im ages ĠH aj Ġp ing Ġshort cut ĠBl vd ĠLook s Ġbur sts Ġcl amp Ġm ish Ġsort ing Ġpatri ot Ġcorrect ness ĠScand inav ĠCaval iers p ython az ar Ġ3 75 ĠJa une 40 9 Ġdetrim ental Ġstab bing Ġpoison ed Ġf ountain oc ent or st ĠMar i Ġr ains ĠO vers ĠInst itution ud get AM Y t ale ĠK R ĠPr ices Ġhead aches Ġlands l ĠA ura Bon us ĠZ hao ĠH ip Ġhop s ĠKurd istan Ġexplo iting ry n Ġhypocr isy op ening Ġgun shot Ġw ed inter stitial Inter stitial Ġam en Bre aking Ġmarket ed W ire ĠC rowd Contin ue ĠK nown ĠEffect ive ore an iz ons Jose ph Ġescal ation us ername Ġcur tain AT ES ĠP AR ĠM iy Ġcounter fe l ene Ġcont enders d aily ĠAs c ĠPhill ip most ly Ġfil ename he ne Ġresemb ling Ġst aging ĠCh loe Ġw iring H on ĠRen ew ott age ĠHy brid m uch Ġstro kes Ġpolicy makers AP TER ĠArk ham pl ot Ġassist ants Ġde port ĠSe ga Ġinflu enza ĠC ursed ĠK obe Ġskin ny Prov ider ĠR ip Ġincrement al product s B F Ġd ome ĠC redits Ġlos ers int s ĠBet ty ĠTal ent ĠD AM L v E ss Ġd ens tem p J udge od ic Ġ' ( UR ES ets k V O Ġretrie ved Ġarchitect s Ù ĩ Ġeth ic ĠSecond ary st ocks ad ia Ġ3 25 ĠOp inion Ġsimultane ous Ġd izz ul p Ġsmugg ling ipp ery R andom f acing ĠD as Ġstock p Ġdiscl osures po inter Ġcor al ĠSe lection ĠP ike ival ent Ġruth less ĠR im Ġensu ing ĠExper iment Ġcongress man Ġbelie ver Ġun specified ĠM ord Ġknowledge able ĠV ERY T X Ġstra ps Ġtur f apesh ifter Ġmar ital Ġfl ock ãģ Ĩ 26 3 AM ES ĠOpp osition Ġtre asures ĠG OD Ġmodel ed ĠWOR LD Ġ( [ ĠUs age H F Ġ$ ( uss ed Ġpione er E ight par se b read rit z ĠMir anda ĠK ant ++ ) ore n Ġprov oked Ġbre eds ĠIn cludes ĠPast ebin ĠFl ip J ava Ġbr ink Ġrum ored Ġun seen Ġgar nered ĠDef in al ted Ġtatt oos Ġhes itation is itions ĠWe aver ĠReport ing Ġtherap ies Ġconsult ants Ġresid ual ĠMal i ĠRom a i ago ĠRes idents ub i Ġremed ies Ġadapt ive ĠAl ive ĠBar cl Ġwal lets c rypt etermin ation ĠPel osi Ġsl ipping oton in Ġall iances pat rick ir is Ġor th ĠPer kins ĠDe V ĠG ets Ġdry ing ge e fore st ĠFor get ore m 33 9 Ġvague ly ĠD ion ĠP orn ĠH OW Ġp neum Ġrub ble ĠT aste enc ia ĠG el Ġd st Ġ24 5 ĠMoroc co inf lamm ĠTw ins Ġb ots d aughter ĠB alk Ġbre thren Ġlog os Ġgo bl f ps Ġsub division Ġp awn Ġsquee zed Ġmor ale ĠD W ' " Ġkn ot ook y Ġdiv isive Ġboost ed ch y ãĥ IJ if act Ġnewcom ers ĠWrest ling Ġsc outs w olves R at Ġnin eteenth ĠOs borne St ats Ġem powered Ġpsych opath ĠO EM ugg age ĠP K ĠMoh ammad P ak Ġanarch ists ĠExt ract est hes ĠStock holm l oo ĠG raph Ġdeploy ing ĠStr anger ĠM old Ġstaff er Ġdiscount ed uck le ple ase ĠLand ing ÃŃ a Ġ19 3 Ġan te Ġrep etition Ġ+ /- Ġpar ody Ġlive ly AA A ĠHor us Ġp its ind ers L OC ĠVen ice 40 6 ĠDis cover â Ĩ ellect ual Ġp ens Ġey el ig uous Im pl Ġj oking Ġinv al ĠBel fast Ġcredit ors ĠSky walker ov sky Ġcease fire Ġse als is oft ) ). ĠFel ix IT S Ġt resp ĠBlock chain ew are ĠSch war en ne mount ed ĠBe acon les h Ġimmense ly Ġche ering Em ploy sc ene ish ly atche wan ĠNic olas Ġdr ained ĠEx it ĠAz erb j un Ġflo ated u ania De ep Ġsuper v Ġmyst ical ĠD ollar ĠApost le ĠR EL ĠProv ided ĠB ucks ãĥ ´ cut ting Ġenhance ments ĠPengu ins ĠIsa iah Ġj erk ĠW yn Ġst alled Ġcryptoc urrencies ĠR oland sing le Ġl umin ĠF ellow ĠCap acity ĠKaz akh W N Ġfin anced 38 9 Ġt id Ġcoll usion ĠMy r î Ģ Sen ator Ġped iatric Ġneat ly Ġsandwic hes ĠArchitect ure Ġt ucked Ġbalcon y Ġearthqu akes qu ire F uture Ġhe fty é Ĺ Ġspecial izes Ġstress es Ġs ender Ġmisunder standing Ġep ile Ġprov oke ĠCol ors Ġdis may uk o [ _ 58 6 ne utral Ġdon ating ĠRand all Mult i Ġconvenient ly ĠS ung ĠC oca Ġt ents ĠAc celer Ġpart nered 27 2 ir ming ĠB AS s ometimes Ġobject ed ub ric p osed LC S gr ass Ġattribut able V IS Israel i Ġrepe ats ĠR M v ag ut a in ous Ġin ert ĠMig uel æ Ń ĠHawai ian B oard Ġart ific ĠAzerb ai as io ĠR ent A IN Ġappl iances Ġnational ity Ġass hole ĠN eb Ġnot ch h ani ĠBr ide Av ailability Ġintercept ed Ġcontin ental Ġsw elling ĠPers pect b ies . < ith metic ĠL ara Ġtempt ing add r Ġoversee ing cl ad ĠD V ĠGing rich Ġm un ĠApp ropri Ġalter ations ĠPat reon Ġha voc Ġdiscipl ines Ġnotor iously aku ya ier i ? ). ĠW ent Ġsil icon Ġtre mb Cont ainer K nown Ġmort ar est e ick a Ar thur ĠPre viously ĠMart y Ġsp arse g ins Ġin ward ĠParticip ant C opy ĠM isc Ġantib iotic ĠRet ro Ġel usive Ġass ail ĠBatt alion ĠB ought Ġdimin ish ĠEuro pa s ession ĠDanger ous ies el Ġdisbel ief Ġbl asts ext reme ĠBoy d ĠProject s ĠGu ys Ġunder gone Ġgr ill ĠDw ight Ġ19 7 US ER Ġfiles ystem Ġcl ocks T aylor Ġwra pper Ġfold ing ous and ĠPhilipp ine ATION AL ĠPer th Ġas hes Ġaccum ulate ĠGate way Sh op orks hire H an ĠBar rel ĠLe h ĠX V Ġwh im Ġrep o ĠC G ĠM am Ġincorpor ating Ġbail out Ġlingu istic Ġdis integ C LE Ġcinem atic ĠF iber S yn il ion ĠCom pos c hens Ġne oc Ġbo iled F INE on o un cle ik en ĠB M Î ¹ Ġreceipt s Ġdisp osed ĠTh irty ĠR ough ĠA BS Ġnot withstanding oll en # $ Ġunrel iable Ġbl oom Ġmedi ocre Ġtr am ĠTas man Ġsh akes Ġmanifest o ĠM W Ġsatisf actory Ġsh ores Ġcomput ation Ġassert ions orm ons ar ag ab it Dem ocrats ĠL oot ĠVol ks ha ired Ġgrav itational S ing ĠM iz Ġthro ttle Ġtyr anny ĠView s Ġrob ber ĠMinor ity Ġsh rine sc ope pur pose Ġnucle us our cing ĠUS DA ĠD HS w ra ĠBow ie Sc ale ĠB EL x i I ter Ġ( ), w right Ġsail ors ous ed NAS A ĠPro of ĠMin eral t oken ĠF D R ew Ġe ll 6 30 Ġchance llor ĠG os Ġamount ed ĠRec re ome z ĠOpt im ĠOl ive Ġtrack er ow ler ĠUn ique R oot Ġmar itime ĠQur an ĠAd apt Ġecosystem s ĠRe peat ĠS oy ĠI MP Ġgrad uating and em P ur ĠRes et ĠTr ick ĠPh illy ĠT ue ĠMalays ian Ġclim ax Ġb ury Ġcons pic ĠSouth ampton ĠFl owers Ġesc orted ĠEduc ational ĠI RC Ġbrut ally e ating Ġpill ar ĠS ang ĠJ ude ar ling ĠAm nesty Ġrem inding ĠAdminist rative hes da Ġfl ashed ĠP BS per ate fe ature Ġsw ipe Ġgra ves oult ry 26 1 bre aks ĠGu er Ġsh rimp ĠV oting qu ist Ġanaly tical Ġtables poons ĠS OU Ġresear ched Ġdisrupt ed Ġj our Ġrepl ica Ġcart oons b ians } ) c opy G ot ou ched P UT Ġsw arm not ations s aid Ġreb uilt Ġcollabor ate Ġr aging Ġn ar Ġdem ographics ĠD DR Ġdist rust oss ier ĠK ro Ġpump kin Ġreg rets Ġfatal ities ĠL ens ĠO le p d Ġpupp et ĠOut look ĠSt am O l F air U U Ġre written Ä ± Ġfasc inated Ġve ctors Ġtrib unal u ay ĠM ats ĠCo ins [ [ Ġ18 1 Ġrend ers ĠK aepernick Ġesp ionage Ġsum m Ġd itch Acc ount Ġspread sheet Ġmut ant p ast 40 7 Ġd ye Ġinit iation Ġ4 000 Ġpunish able Ġth inner ĠKh al Ġinter medi D un ĠGoth am Ġeager ly Ġvag inal p owers V W ĠWATCH ED Ġpred ator ams ung Ġdispar ity Ġ[ * Ġam ph Ġout skirts ĠSpir its Ġskelet al Ð » ĠR ear Ġissu ance ĠLog ic re leased Z Z ĠB ound Ent ry Ġex its is ol ĠFound er Ġw re ĠGreen land ĠM MO t aker IN C ãģ ¾ Ġhour ly hen ko Ġfantas ies Ġdis ob Ġdemol ition ãĥ ĭ Ġen listed rat ulations Ġmis guided Ġens ured Ġdiscour aged m ort Ġfl ank Ġc ess Ġreact s ĠS ere s ensitive ĠSer pent ass ad Ġ24 7 Ġcalm ly b usters Ġble ed ĠSt ro Ġamuse ment ĠAntar ctica Ġs cept ĠG aw a q ason ic Ġsp rawling n ative atur ated ĠBattle field IV ERS E B ĠG ems ĠNorth western ĠFil ms ĠAut omatic Ġappre hend ãģ ¨ Ġgui Name Ġback end Ġevid enced ge ant 01 2 ĠS iege Ġexternal To Ġunfocused Range ĠguiActiveUn focused Ġgui Icon ĠexternalTo EVA ĠexternalToEVA Only F ri ch ard en aries Ġchief s Ġc f ĠH UD Ġcorro bor Ġd B ĠT aken ĠPat ricia ra il ĠCh arm ĠLiber tarian rie ve Person al ĠO UR ger ies Ġdump ing Ġneurolog ical it imate ĠClint ons raft ed ĠM olly Ġtermin als reg ister Ġfl are Ġenc oded Ġautop sy p el m achine Ġexempt ions ĠRoy als d istance Ġdraft s Ġl ame ĠC unning Ġsp ouses ĠMark ets ĠCar rier Ġimp lying ĠY ak s id Ġl oser Ġvigil ant Ġimpe achment Ġaug mented ĠEmploy ees Ġunint ended tern ally ĠW att Ġrecogn izable ess im æ Ŀ Ġco ated r ha Ġlie utenant ĠLegisl ation pub lished 44 4 01 3 Ġide ally ĠPass word Ġsimpl ify ĠMet a ĠM RI Ġple ading organ ized hand ler Ġun ravel cor rect Ġ icy Ġparan oid Ġpass er Ġinspect ions of er ĠHealth care 28 3 ĠBr ut iol a for ge ĠMed ieval MS N ie vers ĠProgram ming å ī Ġ2 23 m u ĠC LE ug a Ġsho ppers Ġinform ative ĠPl ans Ġsupplement ation ĠT ests ty ard ocy tes ĠVeg a ĠGujar at erman ent Ex cept ĠL OT all a ĠC umm ĠO sw Ġven om ĠDeb t ĠD OWN Ġreun ion Ġm uc ĠRel ief Ġge op ĠðŁ ĺ al ogue An th ech o Ġcor ros Ġrepl ication ĠBl azing ĠD aughter Ġinf lic ĠLind sey Ù Ī 28 4 Ex it Ġgl oom TA IN Ġundermin ing Ġadv ising h idden Ġover flow Ġg or urd ue Ġe choes enh agen Ġimp uls d rug c ash Ġas ync Ġmir ac at ts p unk Ġpiv ot ĠLegisl ative Ġblog gers ĠCl aw s burg d yl ĠRecomm end Ġver te Ġprohib iting ĠPant her Jon athan Ġo min Ġhate ful 28 1 ĠOr che ĠMurd och down s Ġas ymm G ER Al ways Ġinform s ĠW M ĠP ony ĠApp endix ĠAr lington J am Ġmedic inal ĠS lam IT IES Ġre aff ĠR i F G S pring b ool Ġthigh s Ġmark ings ĠRa qqa ĠL ak p oll ts ky ĠMort y ĠDef inition Ġdeb unk end ered ĠLe one a vers Ġmortg ages App arently N ic ha us ĠTh ousands au ld Ġm ash sh oot Ġdi arr Ġconscious ly H ero e as ĠN aturally ĠDestroy er Ġdash board serv ices R og Ġmillenn ials Ġinv ade - ( Ġcomm issions ĠA uckland Ġbroadcast s Ġfront al Ġcr ank ĠHist oric Ġrum ours CT V Ġster il Ġboost er rock et ãĤ ¼ ut sche ĠP I Ġ2 33 ĠProdu cer ĠAnaly tics Ġinval uable Ġunint ention ĠC Y Ġscrut in Ġg igg Ġeng ulf Ġprolet ariat Ġh acks ĠH ew ar ak ĠSl ime ield ing ag her ĠEll iot Ġtele com Ġ2 19 ult an ĠAr bor ĠSc outs B an Ġlifes pan Ġbl asp 38 8 Ġjud iciary ĠContin ental ask ing Mc C L ED Ġbag gage ĠSorce rer Ġrem nants ĠGriff ith ets u ĠSub aru ĠPerson ality des igned ush ima agn ar Ġrec oil Ġpass ions \ ": Ġte e Ġabol ition ĠCreat ing j ac Ġ19 4 01 9 Ġpill ars ric hed / " t k Ġlive lihood Ġro asted ah on ĠH utch ass ert Ġdivid end Ġkn it Ġd aunting Ġdisturb ance Ġsh ale Ġcultiv ated Ġrefriger ator L B ĠN ET Ġcommercial s Ġthink ers 45 5 Ġch op B road Ġsuspic ions Ġtag ged l ifting Ġsty lish ĠShield s Short ly Ġt ails A uth ST E ĠG AME Ġse ism ĠK is olog ne Ġcow ork Ġforc ibly Ġthy roid ĠP B AN E mar ried h orse Ġpoly mer ĠCh al od or DE BUG ĠCon text Ġbl iss Ġpin point ĠMat hemat leg ram ĠWeek end Ġlab elled Ġb art it les Ġest rogen âĢĶâĢĶâĢĶâĢĶâĢĶâĢĶâĢĶâĢĶ âĢĶâĢĶâĢĶâĢĶâĢĶâĢĶâĢĶâĢĶ " ' Ġvis ibly Ġouts ider aid a Are a Ġdisse min Ġdish onest ĠCl osed ĠBullet in ĠRam sey sw ord ĠX I our ced S ame 34 6 ĠRe pe ĠK ou c ake em is C ache ĠMe aning ĠEn light onom y Ġmanifest ation sw orth J ay Ġch ore ö r D ream Ġsanction ed Ġcult urally ĠA ra N av Ġthe ological Ġstr ut ĠV O ĠHand book Ġconstruct ing Ġ ¶ ĠBenef its ĠPsych ological s ac å ¸ p olicy ĠMat ters ĠReport ed ĠBy te Ġvit ro ĠM aiden Ġl am ĠJenn ings Ġgar ment ĠRut gers ĠStaff ord ĠWell ington Ġinter mitt Ġn pm Ġord eal Ġplug ged o oming in ished fram ework Ġtim ber Ġc ass Ġ8 50 il ess ĠRed ux 7 68 St re Ġsurpass ed w hel Ġparalle ls Ġve il ĠG I ĠR EST Ġread iness s ort Ġmod ifying ĠSl ate ru ff Ġmar ble Ġinf rared Ġaud itor ĠFANT ASY ĠP overty ĠS PD Ġ" ( K y RA Y Ġexecut ions ĠBever ly ĠMarx ism ĠBur st ĠK ali est ones Clear ly E ll ãģ § ĠProceed ings T oken IF IC ñ a Cent ral ĠH aley ĠD rama Ġform ations OR N Book s Ġdom inating ĠFly ers ĠCompan ion Ġdiscipl ined ĠYug oslav ĠSpell s Ġv engeance Ġland lords L en ĠO gre ano ia Ġpier cing Ġcon greg Ġscore r ob ia Ġnic kel ĠLear ns Ġre jo Ġmaster piece Fl ash Ġinhab ited ĠOpen GL ĠD ud ĠI CO Ġar ter Ġpl ur Ġmaster y Ġlong standing st ed Ġw ines Ġtelev ised ĠSh rine ĠBay ern Ġâ ĵĺ Ġencl osure j ohn Ġprophe ts ĠRes urrection ĠOrd ers Ġun even r als Ġd wind ĠL ah ĠSl oven 37 8 Ġins istence aff le ĠCl one Ġhard ship ĠCongress man Ġple ad Ġreview ers Ġc ured Ġ19 35 as ley f ake ĠTh inking yd ia P ART ĠD ota o it Ġwh ipped Ġb ouncing ĠHispan ics com ings Ġcann abin ĠCh ambers ĠZ ack Option al Ġco ats Ġprow ess ĠNort on Ġplain ly Ġfre ight Ġinhib ition Ġcl am Ġ30 3 ke f ale igh L uke Ġpsych o ator ium M ED Ġtreat ies Ġind isc Ġd c OP S Ġresil ient ĠInter state Ġsl ack Ġmund ane Ġestab lishes 35 9 Ġstr ained Ġn ond S us Ġcast e ar ate ie ving Ġunfair ly Ġpars er on ial urs ive V ia ĠOtt o ĠAuthor ities stro ke K R ĠMer cy Ġfurn ished Ġout set Ġmet ic 19 82 olith ic ĠT ent og ical ĠA ircraft Ġh ides ĠBec ame Ġeduc ators re aching Ġvol atility Ġtodd ler ĠNAS CAR ĠTw elve ĠHigh lights Ġgra pe Ġspl its Ġpe asant Ġre neg ĠMS I Tem p st ars Ġtre k ĠHy de b inding Ġreal ism Ġox ide ĠH os Ġmount s Ġbit ing Ġcollaps ing Ġpost al Ġmuse ums Ġdet ached Ġrespect ing Ġmonop ol Ġwork flow ĠC ake Tem plate ĠOrgan isation Ġpers istence 36 9 C oming B rad Ġredund ant ĠG TA Ġb ending Ġrev oked Ġoff ending Ġfram ing Ġprint f Comm un mem bers Out side Ġconst rued Ġc oded F ORE Ġch ast Ch at Ind ian ĠY ard ? !" ĠP orts ĠX avier ĠR ET ' ." ĠBo at iv ated ich t umer able D s ĠDun n Ġcoff in Ġsecure ly ĠRapt ors ĠB es Install ation Ġin ception ĠHealth y end ants Ġpsych ologists ĠShe ikh c ultural ĠBlack Berry sh ift F red oc he Ġc akes ĠS EO ĠG ian ĠAs ians og ging e lement Ġpund its ĠV augh ĠG avin Ġh itter Ġdrown ed Ġch alk ĠZ ika Ġmeas les 80 2 â̦ .. ĠAW S ] " Ġdist ort ĠM ast Ġantib odies ĠM ash Mem ory ĠUg anda ĠPro b Ġvom iting ĠTurn s Ġoccup ying Ġev asion ĠTher apy Ġprom o Ġelect r Ġblue print ĠD re pr iced ĠDep ot Ġallev iate ĠSom ali m arg n ine Ġnostalg ia ĠShe pherd Ġcaval ry Ġtor ped ĠBlood y x b Ġs ank Ġgo alt report print embed reportprint clone embedreportprint ĠIn itially ĠF ischer Ġnot eworthy c ern Ġin efficient raw download rawdownload cloneembedreportprint c ation ĠD ynasty l ag D ES Ġdistinct ly ĠEston ia Ġopen ness Ġg ossip ru ck W idth ĠIb rahim Ġpet roleum Ġav atar ĠH ed ath a ĠHog warts Ġc aves 67 8 Ġsafegu ard ĠM og iss on ĠDur ham sl aught ĠGrad uate Ġsub conscious ĠEx cellent ĠD um ---- - Ġp iles ĠW ORK ĠG arn ĠF ol ĠAT M Ġavoid s ĠT ul Ġble ak EL Y iv ist light ly P ers ĠD ob ĠL S Ġins anity Î µ atal ie En large Ġtw ists Ġfault y Ġpir acy Ġimp over Ġrug ged ĠF ashion Ġs ands ' ? sw ick Ġn atives Ġhe n ĠNo ise ãĥ Ĺ Ġg reens Ġfree zer Ġd ynasty ĠFather s ĠNew ark Ġarchae ological Ġo t ob ar Ġblock ade Ġall erg L V Ġdeb it ĠR FC ĠMil ton ĠPress ure Ġwill ingly Ġdisproportion ate Ġopp ressive Ġdiamond s Ġbelong ings 19 70 Ġbell s Ġimperial ism Ġ2 27 Ġexpl oding ĠE clipse Ġ19 19 Ġr ant Ġnom inations 34 7 Ġpeace fully ric a ĠF UCK Ġvib ration mal ink Ġro pes ĠIv anka ĠBrew ery ĠBook er ĠOw ens go ers Serv ices ĠSn ape Ġ19 1 39 5 Ġ2 99 just ice Ġb ri Ġdisc s Ġprom inently Ġvul gar Ġsk ipping l ves Ġtsun ami 37 4 ĠU rug ĠE id rec ated p hen Ġfault s ĠStart ed 9 50 Ġp i Ġdetect or Ġbast ard Ġvalid ated Space Engineers OUR CE Ġ( ~ Ġuns ur Ġaff irmed Ġfasc ism Ġres olving ĠCh avez ĠC yn Ġdet ract L ost Ġrig ged Ġhom age ĠBrun o 55 5 ec a Ġpress es Ġhum our Ġsp acing Ġ' / olk ien C oun OP ER T re S on ĠCambod ia ier re m ong o zy Ġliquid ity ĠSov iets ĠFernand o Ġ2 29 Ġsl ug ĠCatal an elect ric Ġsc enery ĠH earth Ġconst rained Ġgoal ie ĠGu idelines ĠAm mo ĠPear son Ġtax ed Ġfet us Resp onse ĠAlex is th ia G uy Ġrecon struct Ġextrem es Ġconclud ing ĠP eg ook s Ġded uctions R ose Ġground breaking ĠT arg ãĥ ģ ĠRe ve res ource Ġmo ons Ġelectrom agnetic Ġamid st ĠVik tor N ESS B ACK Ġcomm ute ĠAna heim Ġfluct uations 6 40 Ġnood les ĠCop enhagen ĠT ide ĠGri zz ĠS EE Ġpip elines Ġsc ars end o ag us ĠE TF / # ĠBec ome 44 8 Ġvis c ĠRecomm ended Ġj umper Ġcogn ition Ġassass in Ġwitness ing ĠSet up Ġl ac v im IS M p ages SS L 35 8 Ġad ject indust rial l ore cher y Ġgl itter Ġc alf Flor ida Ġspoil ers Ġsucceed s Ġch anting Ġslog ans ĠTr acy Vis it rol ogy Ġm ornings Ġline age Ġs ip Ġintense ly Ġflour ish ĠSle eping ĠF em or por ĠK lan ĠDar th h ack ĠNi elsen Ġtum ors Ġprocure ment ĠY orkshire Ġra ided K Y An na Ġ// [ ĠDis order ĠMust ang ĠW en ĠTry ing s q Ġdeliver ies Ġshut ter Ġcere bral Ġbip olar ĠC N l ass j et Ġdeb ating > : Ġe agle gr ades ĠD ixon UG C M AS ĠDr aco ĠMach ines aff er Ġem an  ² pr on ĠG ym Ġcompar atively ĠTrib unal PR O Ġle x Ġfert ile Ġdep ressing Ġsuperf icial ess ential ĠHun ters g p Ġprom inence L iber ĠAn cest ote chnology Ġm ocking ĠTra ff ĸ ļ Med ium I raq Ġpsychiat rist Quant ity ĠL ect Ġno isy 5 20 G Y Ġsl apped ĠM TV Ġpar a p ull Mult iple as her Ġn our ĠSe g Spe ll v ous ord ial Sen ior ĠGold berg ĠPl asma ne ed Ġmess enger ere t Ġteam ed Ġliter acy ĠLe ah ĠD oyle Ġem itted U X Ġev ade Ġm aze Ġwrong ly ĠL ars Ġstere otype Ġpled ges Ġarom a ĠM ET Ġac re ĠO D Ġf f Ġbrew eries ĠH ilton und le ĠK ak ĠThank fully ĠCan ucks in ctions ĠApp ears Ġco er Ġundermin ed ro vers And re Ġbl aze um ers Ġfam ine amp hetamine ulk an Am ount Ġdesper ation wik ipedia develop ment ĠCor inth uss ia Jack son L I N ative R s Oh io ĠKath leen F ortunately Ġattend ant ĠPre ferred ĠDid n ĠV s M is Ġrespond ent Ġb oun st able Ġp aved Ġunex pl ĠChe ney L M ĠC ull bl own Ġconfront ing oc ese serv ing W i ĠLith uania ann i Ġst alk h d Ġv ener AP H ynchron ous UR R um ably hist oric H alf H ay Ġresil ience spe ction Ġabandon ing O bs ĠDeb bie Ġgrad ient ĠPl aint ĠCan al AR CH Ġexpans ive Ġfun g Ġb ounced U nd Ġprec autions Ġclar ification Ġd agger Ġgri ps Ġ µ ĠRiver a ĠUnd ead is ites ĠFIR ST ñ o aud i Ġhost ages Ġcompl iant Ġal umni Se ven Ġcyber security e ither Col lect Ġinvari ably ĠS oci Ġlaw maker Ġa le ĠPerson ally N azi Ġcustom ization ĠPro c ĠSask atchewan eat uring Ġsp ared Ġdiscontin ued Ġcomput ational ĠMotor ola Ġsuprem acist government al Ġparad ise ĠDown ing ĠNik on Ġcat alyst ber ra Tor onto 8 75 bet a ĠMac ron Ġunreal istic ve ctor ĠVeh icles it iveness ĠR V ĠCol bert s in o ji ent in ĠKr ish hell o ff ield ok y ĠT ate Ġmap le Ġa ids chem ical 33 4 n uts ĠWar p Ġx x ĠRob b umer ous _- _ ft ime ĠV W Ġw inger ĠD ome t ools ĠP V ĠGe orgetown Ġg eared Ġjihad ists Ġc p Ġster oids M other cler osis ĠDR M nes ia Ġl inger Ġimm ersive ĠC OUN Ġoutwe igh ens ual B and Ġtransform s mat ched ps ons ĠJud icial f actor Ġrefer ral Ġodd ly ĠW enger B ring ĠB ows 60 2 IC LE Ġl ions ĠAcad emic ĠTh orn ĠRa ider kef eller St orage L ower ĠOr t ĠEqu ality AL T ĠS OC T ypes Ġl yn ĠAss et co at TP P C VE ĠPione er app lication Mod ern ĠH K En vironment Al right R ain IP P ĠShi ite Ġm ound ĠAb ilities cond ition St aff Ġcompet ence ĠM oor ĠDi ablo Ġwith held Ġost ensibly ĠB rom Ġms g Ġden omin ĠRef erences ĠF P Ġplun ged Ġp amph m oving cent ral Ġdown right Ġf ading T al T yp ĠTh y uk es it he Ġo ve Ġbatt led Ġseaf ood Ġfig ur ĠR D c rop Ġsqu ads { \ à ¹ ĠE h Ġinterview ing ĠQ in Ġas piring PL IC Ġcla uses ĠG ast ĠN ir Ġl uggage Ġh ose Ġsystem d Ġdesc ending ĠRev ised ĠR ails al ign 70 9 33 7 Ġf ug charg ing t ags Ġut er k ish WAR NING 49 0 prof its Ġvoy age Ġa ce ĠV anguard ĠT anks ĠM uk Ġ2 26 S afe Ar mor Ġvolcan ic Ġwom b ĠM IL Ġbegin ner ĠRec ogn ĠA AP PL AY ) ! Ġdetect ing c n Ġbre aches Bas ically ĠP ag ĠMunicip al ĠInd ie ĠL af ĠDis able ĠOl son Ġrest rained Ġrul ings Ġhum ane ev ents ĠCinem a display Text ĠH atch action Date onna issance Ġassault ing ĠL ug CH AT Ġvig orous ĠPer se Ġintoler ance ĠSnap chat ĠSh arks Ġd ummy ĠDi agn ĠGu itar im eters 40 3 RE G A x Ġsepar ates ĠMah m Ġt v j ah O OL C irc ĠWinds or uss ian Ġintu ition Ġdis dain ĠDon ovan Ġ2 21 E mb Ġcondem ning Ġgener osity zz y Ġpant ies ĠPre vent Action Code AN A 34 2 external ActionCode Ġspec ifying Ġcryst all J ere Ġru pt ĠApp rentice Ġprof iling Ð º St rike Ġsid eline Ġoblig ated Ġocc ult Ġbureaucr atic ant ically rupt ed neg ative ĠEthiop ia ĠC ivic Ġins iders el igible ĠTV s ĠB AR ĠT I i ologist ĠA IR Ġsubstit uted Ar ab ĠS aul ĠY og p rem Ġbuild ers Ġstation ary Ġdoubt ful Ġvig orously Ġthr illing Ph ysical ĠCare y ĠHyd ra geon ing ĠS ly y ton Ġborrow ers ĠPark inson Ġ ë ĠJama ica Ġsat ir Ġinsurg ents ĠF irm Ġis ot ĠK arn our ning ak ens doc s l ittle ĠMon aco CL ASS Tur key L y ĠCon an ass ic Ġstar red ĠPac ers et ies Ġt ipping M oon ĠR w s ame Ġcav ity Ġgo of ĠZ o Sh ock um mer Ġemphas izes Ġreg rett Ġnovel ty Ġen vy ĠPass ive r w 50 5 Ġind ifferent ĠR ica ĠHim self ĠFred die Ġad ip ä¸ Ģ Ġbreak out Ġhur ried ĠHu ang ĠD isk Ġro aming ?????- ?????- U V ĠRick y ĠS igma Ġmarginal ized Ġed its Ġ30 4 mem ory Ġspec imen 29 3 ãģ ¯ Ġvert ically Ġaud ition ĠHe ck Ġc aster ĠHold ings ad al ĠC ron ĠL iam Ġdef lect P ick ĠDeb ug RE F Ġvers atility ot hes class ified ĠMah ar ĠH ort C ounter st asy not iced 33 1 ĠSh im f uck ĠB ie Ġair ing ĠPro tein ĠHold ing Ġspect ators ili ated ĠThat cher n osis ãĥ¼ ãĥ³ Te le B oston ĠTem pl st ay Ġdecl arations 47 9 Vol ume ĠDesign er ĠOver watch id ae Ġon wards Ġn ets ĠMan ila part icularly Ġpolit ic o other Ġport raits Ġpave ment c ffff Ġs aints Ġbegin ners ES PN Ġshort comings âķIJ âķIJ Ġcom et ĠOrgan ic qu el Ġhospital ized Bre ak Ġpe el dyl ib asp x ur ances ĠT IM P g Ġread able ĠMal ik Ġm uzzle Ġbench marks d al ĠV acc ĠH icks 60 9 ĠB iblical he ng Ġover load ĠCivil ization Ġimm oral Ġf ries ãĤ Ĵ Ġreprodu ced Ġform ulation j ug ire z g ear Ġco ached Mp Server ĠS J ĠK w In it d eal ĠO ro ĠL oki ĠSong s Ġ23 2 ĠLou ise asion ally Ġunc ond olly wood Ġprogress ives ĠEn ough ĠDo e Ġwreck age Ġbr ushed ĠBase Type Ġz oning ish able het ically ĠC aucus ĠH ue Ġk arma ĠSport ing Ġtrad er Ġseem ing ĠCapt ure 4 30 b ish Ġt unes Ġindo ors ĠSp here ĠD ancing TER N Ġno b ĠG ST m aps Ġpe ppers F it Ġoverse es ĠRabb i ĠR uler vert ising off ice xx x Ġra ft Ch anged Ġtext books L inks ĠO mn ãĢ ij Ġinconven ience ĠDon etsk = ~ Ġimplicit ly Ġboost s ĠB ones ĠBo om Cour tesy Ġsens ational AN Y Ġgre edy ed en Ġinex per ĠL er ĠV ale Ġtight en ĠE AR ĠN um Ġancest or S ent ĠH orde urg ical all ah Ġsa p amb a ĠSp read tw itch Ġgrand son Ġfract ure Ġmoder ator ĠSe venth ĠRe verse Ġestim ation Cho ose Ġpar ach Ġbar ric ãĢ IJ Ġcomp ass Ġall ergic âĢ ķ OT HER err illa Ġw agon Ġz inc Ġrub bed ĠFull er ĠLuxem bourg ĠHoo ver Ġli ar ĠEven ing ĠCob b est eem Ġselect or ĠB rawl is ance ĠE k Ġtro op Ġg uts ĠApp eal ĠTibet an Ġrout ines ĠM ent Ġsummar ized steam apps Ġtr anqu Ġ19 29 or an ĠAut hent Ġg maxwell Ġappre hens Ġpo ems Ġsa usage ĠWeb ster ur us Ġthem ed Ġl ounge Ġcharg er Sp oiler Ġsp illed h og ĠSu nder ĠA in ĠAng ry Ġdis qual ĠFrequ ency ĠEther net Ġhel per Per cent Ġhorr ifying Ġa il ĠAll an EE E ĠCross ing 44 9 Ġh olog ĠPuzz les ĠGo es eren n 60 4 ãģ ı ĠRaf ael Ġatt en ĠE manuel Ġup ro ĠSus p P sych ĠTr ainer ĠN ES ĠHun ts bec ue Ġcounsel or R ule Ġtox ins Ġb anners r ifice Ġgreet ing Ġfren zy Ġall ocate Ġ* ) ex pr 50 3 ĠCh ick ĠT orn Ġconsolid ation ĠF letcher sw itch fr ac cl ips ĠMcK in ĠLun ar Mon th IT CH Ġscholar ly rap ed 39 8 Ġ19 10 Ġe greg Ġin secure Ġvict orious cffff cc Ġsing led Ġel ves ĠW ond bur st Ġcam oufl ĠBL ACK Ġcondition ed ç ī ans wered Ġcompuls ory asc ist Ġpodcast s ĠFrank furt bn b Ġne oliberal ĠKey board ĠBel le w arm Ġtrust s Ġins ured ĠBu cc us able 60 7 ĠPl ains Ġ18 90 Ġsabot age Ġlod ged f elt Ġg a ĠN arc ĠSal em Ġsevent y ĠBl ank p ocket Ġwhis per Ġm ating om ics ĠSal man ĠK ad Ġan gered Ġcoll isions Ġextraord inarily Ġcoerc ion G host b irds è Ģ k ok Ġper missible avor able Ġpo inters Ġdiss ip ac i Ġtheat rical ĠCos mic Ġforget ting Ġfinal ized å¤ § y out l ibrary Ġbo oming ĠBel ieve ĠTe acher ĠL iv ĠGOOD MAN ĠDomin ican OR ED ĠPart ies Ġprecip itation ĠSl ot R oy ĠComb ined Ġinteg rating Ġch rome Ġintest inal ĠRe bell Ġmatch ups Ġblock buster ĠLore n ĠLe vy Ġpre aching ĠS ending ĠPur pose ra x f if Ġauthor itative ĠP ET ast ical Ġdish on Ġchat ting Ġ"$ :/ Connect ion Ġrecre ate Ġdel inqu Ġbro th ĠD irty ĠAd min z man Ġscholars hips Ġ25 3 cont act als a 7 67 c reen abb age Ġ19 15 Ġbl ended Ġal armed L anguage 35 6 Ġbl ends ĠCh anged W olf Ġhe pat Creat ing Ġper secut Ġsweet ness art e Ġforfe iture ĠRober to im pro N FL ĠMag net Det ailed Ġinsign ificant ĠPOL IT ĠBB Q ĠC PS Ġse aw amin er m L end if f inals Ġ26 5 u ish Ġ} ) ĠPro blems Ġem blem Ġserious ness Ġpars ing Ġsubst itution Ġpress ured Ġrecy cled ale b Rub y Ġprof iciency Dri ver ĠW ester : ' AF TA Ġm antle ĠClay ton fl ag Ġpractition er c overed ĠSt ruct add afi 4 25 ĠTown ship ĠHyd ro Lou is 34 3 Ġcond o ĠT ao Ġutil ization Ġnause a ĠDem s rid ges p ause Ġform ulas Ġchall enger 37 6 Ġdefect ive ĠRail way ĠPub Med Ġyog urt l bs ĠNor folk OP E ĠMood y Ġdistribut or Ġscroll s Ġextract s St an Ġv iability Ġexp oses Ġstar vation ĠStep s ĠD odd f ew ST D 33 2 Ġclos ures Ġcomplement ary ĠS asha ump y Ġmon et Ġartic ulate ĠDo ct k iller Ġsc rim Ġ2 64 Ġprost itutes Ġse vered Ġattach ments Ġcool ed L ev ĠF alk f ail Ġpolic eman ĠD ag Ġpray ed ĠK ernel Ġcl ut Ġc ath Ġan omaly St orm em aker ĠBreak fast ul i o ire J J h z Oper ation ĠS ick 35 4 ĠGuatem ala R ate Ġexp osures f aces ĠArch ae ra f ĠM ia Ġ20 25 Ġop aque Ġdisgu ised ĠHead quarters S ah Ġp ots 9 78 ĠM alf Ġfrown ed Ġpoison ous ĠCon vers ee ks Ġcr ab ." " Ġtre ason Ġr anc Ġescal ating Ġwar r Ġmob s Ġl amps ĠSun shine ĠBrun swick Ph ones Ġspe lled ĠSk ip Ġ20 50 Ġ19 11 ĠPl uto ĠAm end Ġme ats 38 7 Ġst omp ĠZh ou ĠLevi athan ĠHaz ard ad v ĠOr well Ġal oud Ġb umper ĠAn arch ub untu ĠSer ious f itting ĠOption al ĠCec il RE AM Ġser otonin Ġcultiv ate ag ogue } \ Ġmos ques ĠSun ny Ġre active rev olution ĠL up ĠFed ora Ġdefense man ĠV ID ist ine Ġdrown ing ĠBroad casting Ġthr iller ĠS cy Ġacceler ating Ġdirect s od ied b ike d uration Ġpain fully R edd Ġproduct ions Ġg ag Ġwh ist Ġs ock Ġinf initely ĠConc ern ĠCit adel Ġlie u Ġcand les ogene ous arg er Ġheaven ly inflamm atory Per formance C s ruct ose az aki Ġp essim Ġinf erence Ġpow d ĠZ oe Ġpain ts Ġd azz pt a -------- --- Ġins pir ĠExper imental ĠKn ife reg or b ors Ġshow ers rom eda Ġs aint Ġben ign ĠJ iang Ġenvision ed Ġsh roud IF T H O Ġsh uff ĠI CC Ġse greg Ġrevis it ighth ouse L i Ġsub strate ĠSe as ĠRew ard ĠH ep ĠBr ass s bm Ġelim inates Ġst amina ĠV AT ĠLo an Ġconst raint Ġappropri ated Ġp es ĠA LE r anging Ġ40 4 39 2 Ġintellectual s ach u Ġrestruct uring ĠLe vin Ġrun es Ġdelight ful Ġcarbohyd rates ĠMod els ĠExp o Ġtransport ing all oc Ġring ing S amsung Ġscarce ly ĠURL s ĠM AS Ġprot otypes Ġnarr ator ĠCPU s cd n ĠBart on Ġdecided ly ĠSh u ix ir oc ious ĠMy st N intendo Ġre use Ġforg iven F ew in ical n at Ġseam less ĠEv a ĠE VE ĠJ O land ers Ġso fter neg ie Ġtrans ient Ġorb ital Ġfulf il ĠK om Hop efully Ġdynam ically ĠHun ger å Ľ ĠArmen ia el man ber to Ġp ige ĠID s lim it Ġve ins Ġso aring p acks Gold en ĠCr ab ist or ĠR PM Ġ$ $ g ression Ġjihad ist Ġgam ble Ġcare g Ġinf lated F ace ĠFire arms ĠEm manuel â Ŀ Ġsh ocks gr ab Ġspl end ĠHP V ab ortion Ab ove Ent ity play ers Ġcomm enced ul ence Ġfulfill ment Ġembod iments ĠW elfare Ġha il Ġ< @ tt en Ġcat cher ĠJ azeera Ġvolcan o Ġstabil ize ĠHand ler Ġintens ified ĠAb rams Ġhum iliation p aced 60 5 ĠCent OS Spe cific Ġhe ed ĠC AM ĠGal ile D ie Ġabol ished ĠThom son ĠTe achers ĠW ass j ong ĠIS BN ĠAll ies sh ake å · v ict How ard Ġde em Ġexceed ingly ĠSmart stocks ib e Ġdoor way Ġcompet ed ig mat Ġnational ists Ġg room ĠKe en Ġdispos able de cl ĠT olkien ĠSche me Ġb iod Ġav id ĠEl on ag ar ĠT SA R oman Ġartific ially Ġadvis ors X L ĠInf erno 36 6 Ġted ious ĠPhot ography ĠCar rie Ġtro pe ĠSand ra Ġdec imal Que en ĠGund am ĠO M ote ch N BA Ġ19 32 Ġent renched ĠMar ion Ġfr aternity Lab our Hen ry Ġlat itude E ither Ġenh ances ĠPot ential Ġsh ines id ad Ġbread th Ġcapac ities ĠðŁ ĻĤ ĠBron x Ġsex es Ġdifferent iation Ġheavy weight ĠT aj d ra Ġmigr ate Ġexhaust ion ĠR UN els ius ĠCu omo Ġgu itars Ġcl ones ĠSom ew ĠP ry ------------ - Ġwarr anted cy cles Ġsalv age Ġdis ks R ANT ĠNGO s ĠMart ian ":[ {" Ġadd icts oj ure il let Ġamazing ly art ments p ixel ĠGPU s Lay out è £ ĠTam il ĠBas il Ġimpart ial ĠSt ructure f ork b ryce Ġr idge ĠHamb urg ri ous Ġbl itz cig arettes Ġcan ned 40 2 Ġiron ically Ġcompassion ate ĠHaw kins . # ĠCat hedral Ġrall ied in ternal Ġqu ota st akes T EXT m om Ġcomple tes Ġ23 8 Ġsh rug ãĥ ij ĠN inth Ġrev ise ĠProv ider Ġtre acher Ġqu asi ĠPR ES Ġdep osition Ġconfidential ity iss ors Ġim balance Ġspan ning Ġang ular ĠC ul commun ication ĠNor a ĠGen ius op ter Ġs acked Sp ot Ġfine ly ĠCH R 28 2 w aves Pal est ĠRo hing N L è ¿ Ġsh itty ĠSc alia 4 75 Pro gress Ġreferen cing Ġclass rooms ab ee Ġs od hes ion 70 8 ĠZucker berg ĠFin ish ĠScot ia ĠSav ior ĠInstall ation an tha ( - Ġ30 2 ĠP unk Ġcr ater yout u Ġro ast Ġinflu encing Ġd up ĠJ R ĠG rav Ġstat ure Ġbath rooms A side W iki me an ĠZ ak ĠOn es ĠN ath Ġhyper t Ġcommence ment C ivil Ġmoder ately Ġdistribut ors Ġbreast feeding Ġ9 80 ĠS ik ĠC ig ĠAM ER R IP ĠCare er ust ing Ġmess ed Ġe h ĠJ ensen / $ Ġblack mail Ġconvers ions Ġscientific ally Ġmant ra p aying Ġiv ory ĠCour ts OU GH aunt let Ser ial B row ĠH undreds 3 23 Ġpe e Ġlin ux Ġsub mer ĠPrinc ipal 48 5 ĠD SL ĠCous ins Ġdoctr ines ĠAthlet ics Ġ3 15 ĠK arma Ġatt ent ur ger Ġpresc ribe Ġenc aps ĠC ame Ġsecret ive ĠCr imes d n C lean ĠEgypt ians ĠCar penter Ġ ll H um ĠMil o Ġcapital ists Ġbrief ed T we ĠBas in elve t M os Ġplun ge ĠKa iser ĠFu j ill in Ġsafegu ards Ġo ste ĠOpportun ity ĠM afia ĠCall ing ap a ur ban br ush ill ard c é int elligence ĠL ob ĠDru id Ġsm oother Ġfoot ing Ġmotor ists arc ity Ġmascul inity Ġm ism Ġabdom inal ĠTa vern ĠR oh Ġesc apes s igned Anth ony Ġsacrific ing Ġintim acy Ġan terior ĠK od Ġmot if Ġg raz Ġvisual ization Ġguitar ist ĠTro tsky m agic D ar ĠMor i Ġw ards Ġtoile ts l est Ġtele port ĠSund ays ĠPl at ET S Ġe Sports Pat rick ĠK atherine en ko Ġhas sle ĠM ick gg les Ġh ob aint ain Ġair borne Ġsp ans Ġch ili Ġa perture Ġvolunte ered ĠInc ident ĠF res ĠVeter an augh tered ing o Ġun insured CL OSE Ġf use Ġer otic Ġadvert ise ra ising Text ure Ġatt ends ĠRE AL udd led Ġsm oot Ġ30 5 ĠWill is Ġbl ond An alysis ĠV T on ica Ġstrongh old R F N M . >> Ġprosper ous Ġbo asted 29 2 ĠManufact uring PR ESS g ren Ġpharm acy ĠRoc kefeller k ai Ġth umbs ĠH ut Ġmother board Ġguard ians ĠAl ter ll ular Ġsh ack Ġwise ly Ġback bone erv a Ġsu icides ĠMcG regor ij ah E mer ĠB rav Ġdesign ate P OST produ ced Ġcleans ing irl wind ex istent ĠHum ph ĠPay ne Ġv ested Å ¡ Ġstring ent ion a Ġuns ub Ġsum med ĠHer cules sub ject ĠR agnar ĠN os Ġcharacter ization Ġsav vy ĠDaw son ĠCas ino Ġf ri ĠBar rier Ġmis information Ġins ulation Ġcorrid ors Ġair planes ĠNo ct ah i Ġ19 16 k b arm ac Ġsh un Ġsche ma Ġhorr ified Ġ23 9 aund ers N B i ates er ity ĠSh ard Ġr arity Ġgroup ed ĠGh ana again st ĠBi ological ĠA ware ow ell Ï Ħ ĠBe au sh aw H ack ĠJul ius US S ol son aun a c ru ĠMaur ice ĠI k Ġsequ encing Ġradical s Ġ( ?, v irtual Ġany ways Ġreper c Ġhand lers Ġhes itant é ĥ ĠM F ple mentation ass ociated Ġcampaign ed ĠY ue ut ations ĠY oga Ġsim mer Ġro ds Ġmel ody Ġconv oy v ideos Ġscreen ed N eg ochem ical Ġ( )) Ġultr as Ġant ip ĠIsland ers 70 4 Ġfet ish Ġridic ulously ĠK art Ġmitochond rial Ġinterf ering Build er Ġover fl Ġac ne ĠM ud ĠK err f lex ĠPost al ĠBalt ic 47 7 ĠPers ons our age H B ĠM use ĠImm ortal ĠDri ving Ġpet itions Ġsubsc ript Ġs orce ĠProcess or ut on S ony Ġph on Ġr aced ĠAnth rop Ġday time ĠEx ercise Add ing Ġeng ages ĠQual comm Ġmir acles Ġmem es ĠDr ink ĠOri oles Ġhair s ĠPol ar ath om Ġsl ippery ĠR emy Ġcar amel ĠY EAR Ġal k I gn a ution ĠMer lin ĠC ran Ġap ologies Ġ4 10 Ġout ing ĠMem ories app ointed Ġcount ered u ld pos ing Ġfire wall ĠW ast ĠW et work ed se ller Ġrepe aled ere o ass uming BL IC m ite ĠCEO s ĠChap el ellig ent ________________ ________ D og Ġw art Ġsubsc riber s ports Ġbe gged ĠM V Ġsem if eth ical Ġpre ach Ġrev ital Ġpun itive Ġshort cuts Ġinstit uted ĠWars aw Ġabdom en ĠK ING Ġsuper intendent Ġf ry ĠGe o T OR Ġcontrad ictions apt ic Ġlandsc apes b ugs Ġcl ust Ġvol ley c ribed Ġt andem Ġrob es WH AT Ġpromot er Ġel oqu review ed ĠD K ĠPl ato Ġf ps T ank ĠDer rick Ġpriorit ize as per ĠHond uras ĠCom pleted ne c Ġm og n ir ĠMay o DE F st all in ness ĠVolks wagen Ġprec aution ĠM ell i ak ist ries Ġ24 8 Ġoverl apping Sen ate ĠEnh ance res y rac ial OR TS ĠM ormons Str ong ĠCo ch Mex ico ĠMad uro Ġj ars Ġcan e W ik oll a iff erence Ġphysic ist ĠMag gie Ġ28 5 Ġdep iction ĠMcL aren J u Ġsl ows Ġcommission ers ĠWill ow ĠExpl os hov ah Ġtechn ician Ġhom icides ĠFl av ĠTr uman Ġ100 00 u ctor Ġsh ader News letter 45 7 Ġre ver Ġhard ened Ġwhere abouts Ġrede velop Ġcar bs Ġtra vers Ġsqu irrel Ġfoll ower Ġs ings 50 8 Ġrabb its emon ium Ġdocument ing Ġmisunder stood ) ' R ick gg ies Ġprem ie Ġsk ating Ġpass ports Ġf ists aged don H aw AC P 0 80 ĠThough ts ĠCarl son Ġpriest hood h ua Ġdun geons ĠLo ans Ġant is Ġfamiliar ity ĠS abb op al ĠIn k st rike Ġc ram Ġlegal ized Ġcu isine Ġfib re Tra vel ĠMon ument OD Y eth y Ġinter state ĠP UR em porary ĠArab ian develop ed Ġsadd le Ġg ithub ĠOff er ĠIS P ro let ĠSUP ER ĠDen is Ġmultipl ier Ġstir red Interest ingly Ġcustom ary Ġbill ed he x Ġmultipl ied Ġfl ipping ĠCros by Ġfundament als ia e ĠPlay ed ĠAt om am azon ĠFl am ee z activ ated Ġtables poon Ġliberal ism ĠPal in ĠP atel N um ĠT AM Ġs urn ĠRel oaded Ġco ined " ], ĠCl ash ĠAg u Ġprag matic ĠActiv ate Ġ8 02 Ġtrail ers Ġsil hou Ġprob es Ġcirc us ĠB ain ĠLind say ĠAb bey Del ivery Ġconcess ion Ġgast ro ĠSpr ite Ä Ł and el Ġg imm Ġaut obi ĠT urtle Ġwonder fully ĠHar am ĠWorld wide ĠHand le Ġtheor ists Ġsle ek ĠZh u ograph ically EG A ĠOwn ers ath s ĠAntar ctic n atal =" " fl ags `` `` Ġs ul K h Ġpot assium Ġlinem an Ġcere al ĠSe asons Ġ20 22 Ġmat hematic Ġastron omers prof essional Ġf ares cknow led Ġch i Ġyoung sters Ġmistaken ly Ġhem isphere ĠDiv inity r one Ġ" , r ings Ġattract s v ana å ¹ C AP Ġplay list Ġpor ch ãģ £ Ġincorpor ates Ġso ak Ġassert ing ĠTerror ism ĠP ablo J a ces ter Ġfear ing ĠPr ayer Ġescal ated G W Ġro be ĠBright on ac ists ĠSym phony ĠDwar f ĠPar ade ĠLe go Ġinex pl Ġl ords le af RA G l iber Ġcig ars ĠJe hovah 60 6 WIND OWS ĠLiber ia eb us He avy Ġl ubric ĠR W angu ages Ġnarrow ed com puter ĠE mber Ġmurder ing Ġdown stream ĠT uls ĠT ables Top ic ĠAcc uracy = / l ost ĠRe i Ġprogress es b ear Ġestablish ments Just in ĠPe ach ĠG omez å ¿ ĠTri angle Id ent ĠH ive Res ources Ġmix es ĠAss uming M u Ġhyp oc Ġs ane ĠW an id ious Su ccess Ġ io Ang el Ġdanger ously ĠCreat ure W ORK : [ ĠKat rina List ener M iller ĠId lib h ang Ġcircum vent h ref Ġcel estial ĠWe eks ĠP ug ĠDal ton Ġsubpoen a uk u Ġpers isted pe i old ing ĠDoc uments ĠH ast ĠC ENT Ġprim er Ġsyn onymous Ġn ib om bs Ġnot ation ĠD ish ĠAt mosp Ġforb id ĠAN G pat tern l os Ġproject iles b rown ." , ĠVen om Ġfierce ly ub lished ĠU ran ĠNic arag 4 10 ĠC AL OT OS ĠMir acle ĠEn chant Ġguard ing app end Att ach Ġlevel ed Ġcond oms ih ilation 64 9 Ġnight mares ĠTHE Y ĠST ART ĠK inn Ġroomm ate Ġhy giene o pping J ob Ġl vl ĠV ER ĠKe eping ab etic Ġformat ting eral a Ġrev isions Ġres urg T el ĠGood man 35 3 p od Ġind isp ĠTrans lation Ġg own ĠM und Ġc is Ġby stand col lect ĠPun jab act ively ĠG amb te ll Ġimport ing g encies Ġloc om ĠBr ill H oly ĠBer ger Ġshow down Ġrespond ers IL Y Ġt akedown le ted Ġmat tered Ġpredict ive Ġover lay G PU ĠV ick Ġconvey ed T ab pe er Sc an Ġdefensive ly v ae Ġappro ving Ġt iers ĠV ia quer ade ĠSaud is Ġdemol ished ĠProp he Ġmon o Ġhospital ity H AM ĠAri el M OD ĠTor ah Ġbl ah ĠBel arus erent ial ĠT uc Ġbank er 39 7 Ġmosqu it ĠScient ist ĠMus ical Ġh ust Sh ift Ġtor ment Ġstand off E duc ĠF og Ġampl ifier Sh ape Inst ance ĠCrit ics Ġda emon H ouston Ġmatt ress ĠID F Ġobsc ene ĠA mer hett i Ġcomp iling 35 2 vere tt ĠRed uction ist ration ĠBl essed ĠB achelor 3 16 Ġpr ank ĠVul can dd ing Ġm ourning ĠQu int ĠBl aster test ing Ġsed iment >> > ĠE ternity ĠWH ERE ĠM aze Ġreact ing ĠAl v oms day ĠC RA Ġtransl ator Ġbog us at u We bsite oll s Ġbapt ism Ġs ibling ĠAut umn ve z ãģ® é gu ards Ge org assad ors ĠFre ud Ġcontin ents ĠReg istry Bern ie ĸļ 士 Ġtoler ant ĠU W Ġhor ribly 99 5 ĠMID I Ġimpat ient oc ado er i ĠWor st ĠNor ris ĠTalk ing Ġdef ends ens able Ġ20 21 Ġanat omy L ew Ġdraw er ĠCan berra Ġpatri otic é¾įå ĸļ士 ĠAv g AR M Ġundis closed Ġfare well 45 9 b able ĠAll ison OL OG Ġcon co t ight ĠAC PI ĠM ines l ich ĠâĶ ľ represent ed 200 000 Ġenthusi ast OT S b il ĠIng redients Ġinvent or ĠMy SQL ³³ Âł ĠAB OUT with in Ġm k B ul ĠF ake Ġdracon ian W a hel m ĠTer ran erv ille Ġcommon place SI ZE Ġ" < re place ograph s ĠSE LECT inc ible ĠMost ly ĠShe ffield ĠID E ugg le Ġcit ations h urst ĠUn ix Ġunle ash ĠP iper ĠN ano Ġsucc umb Ġreluct ance Ġ25 00 ĠMer chant Ġwire t Ġcomb os ĠBirth day Ġchar coal ĠU PS ĠFair fax Ġdrive way ĠT ek ĠP itch ove re Ġtechn icians ĠAct ual fl ation ĠF iscal ĠEm pty an amo Ġmag nesium Ġsl ut Ġgrow ers Invest igators ( ): ĠS atellite ĠKe ynes miss ive l ane Ġb orough 3 44 ĠTE AM ĠBet hesda C V h ower ĠR AD Ġch ant ĠR iy Ġcompos itions Ġmild ly Ġmedd ling Ġag ility ane ers 5 01 Ġsyn th ling er 29 1 Ġex claimed Part y Ġcont amin ĠMan or ĠResp ond Ġpra ising Ġman ners fle et Sum mer ĠLy nd ĠDef initely gr im Ġbow ling st ri ç Ľ y nt Ġmand ates D IV Ġreconc ile view s ĠDam on vet te F lo ĠGreat est il on ic ia Ġportray al Ġcush ion 50 4 19 79 oss al App lic sc ription Ġmit igation AT S p ac Ġer ased Ġdefic iencies ĠHolland e ĠX u Ġb red Ġpregn ancies f emin Ġem ph Ġpl anners Ġout per utter ing Ġperpet rator Ġm otto ĠEll ison ĠNE VER Ġadmitted ly AR I ĠAzerbai jan Ġmill isec Ġcombust ion ĠBott le ĠL und ĠP s ĠD ress Ġfabric ated Ġbat tered Ġs idel ĠNot ting Fore ign ĠJer ome 0 20 ĠAr bit Ġkn ots ĠR IGHT M oving ãģ Ļ Ġsur geries Ġcour thouse Ġm astered Ġhover ing ĠBr an ĠAl ison Ġsaf est m ilitary Ġbull ied Ġbar rage Read er ES E ĠGe ographic T ools 3 14 ĠGe ek ro th gl ers ĠF IN Ï ģ ĠA ston al tern 48 8 Ġveter in G amer Ġint el ren ches Sh ield Ġam nesty ĠB har Ġp iled Ġhonor able ĠInst itutes Ġso aked Ġcom a ĠE FF 34 1 by tes ĠG mail le in ĠCanad iens m aterial I l Ġinstruct ors ĠK Y Ġconce ive ub b ĠP ossible Ġeas ing ĠChrist ina Ġcar ic ĠHD R R OM Ġsho vel de lete Ġp uff ĠCh anging Ġseam lessly Att ribute Ġacqu isitions ak ery ĠE F Ġaut istic ĠT akes ĠPow der ĠSt ir 5 10 ĠBub ble sett ings ĠF owler Ġmust ard Ġmore over Ġcopyright ed ĠLED s 15 00 æ ī ĠH IS en f Ġcust od ĠH uck G i Ġim g An swer C t j ay ĠInf rastructure Ġfeder ally L oc Ġmicro bes Ġover run dd s ot ent adi ator >>>> >>>> Ġtorn ado Ġadj ud Ġintrig ued Ġs i ĠRevel ation pro gress Ġburgl ary ĠSai yan ĠK athy Ġser pent ĠAndre as Ġcomp el ess ler ĠPl astic ĠAd vent ĠPos itive ĠQ t ĠHind us reg istered ular ity Ġrighteous ness Ġdemon ic u itive ĠB DS ĠGre gg c ia ĠCrus ade ĠSina i W ARE + ( Ġme ll Ġder ail y ards A st Ġnotice ably ĠO ber R am Ġun noticed Ġse q av age T s Ġ6 40 Ġconced e Ġ] ) F ill Ġcapt ivity ĠImprove ment ĠCrus ader ara oh M AP æ Ĺ Ġstr ide al ways F ly N it Ġal gae ĠCook ing ĠDo ors Mal ley Ġpolic emen ãģ į Ġastron aut access ible 49 5 ĠR AW cl iffe udic rous Ġdep ended al ach Ġvent ures ra ke Ġt its ĠH ou Ġcond om ormon al Ġind ent Ġupload ing Foot note Import ant Ġ27 1 Ġmind ful Ġcont ends C ra Ġcal ibr ĠO ECD plug in F at ĠIS S ĠDynam ics ans en 68 6 ' ), Ġsp rite Ġhand held ĠH ipp =~ =~ Tr ust Ġsem antics ĠBund es ĠRen o ĠLiter ature s ense G ary ĠA eg ĠTr in EE K Ġcler ic ĠSS H Ġch rist Ġinv ading ib u Ġen um aur a Ġal lege ĠInc redible B BC Ġth ru Ġsa iled Ġem ulate Ġin security Ġc rou Ġaccommod ations Ġincompet ent Ġsl ips ĠEarth qu s ama IL LE Ġi Phones as aki Ġby e Ġar d Ġext ras Ġsl aughtered Ġcrowd funding res so Ġfil ib ĠER ROR ĠT LS e gg ĠIt al Ġen list ĠCatal onia ĠSc ots Ġser geant Ġdiss olve N H Ġstand ings ri que I Q Ġbenef iciary Ġaqu arium You Tube ĠPower Shell Ġbright est ĠWar rant S old Writ ing Ġbegin nings ĠRes erved ĠLatin os head ing Ġ4 40 Ġrooft op AT ING Ġ3 90 VP N G s k ernel turn ed Ġprefer able Ġturn overs ĠH els S a ĠShin ji ve h ĠMOD ULE V iol Ġex iting Ġj ab ĠVan illa Ġac ron ĠG ap ber n A k ĠMc Gu Ġend lessly ĠFar age ĠNo el V a M K Ġbr ute ĠK ru ĠES V ĠOl ivia âĢ ł ĠK af Ġtrust ing Ġh ots 3 24 Ġmal aria Ġj son Ġp ounding ort ment Count ry Ġpostp oned Ġunequ iv ? ), ĠRo oney udd ing ĠLe ap ur rence sh apeshifter ĠH AS os ate Ġca vern Ġconserv atism ĠB AD Ġmile age Ġarrest ing V aults Ġmix er Dem ocratic ĠB enson Ġauth ored 8 000 Ġpro active ĠSpirit ual t re Ġincarcer ated ĠS ort Ġpe aked Ġwield ing re ciation ×Ļ × P atch ĠEm my Ġex qu tt o ĠRat io ĠP icks ĠG ry ph ant Ġf ret Ġeth n Ġarch ived % - c ases ĠBl aze Ġim b c v y ss im ony Ġcount down Ġaw akening ĠTunis ia ĠRe fer ĠM J Ġun natural ĠCar negie iz en ĠN uggets he ss Ġev ils 64 7 Ġintrodu ctory l oving ĠMcM ahon Ġambig uity L abel ĠAlm ighty Ġcolor ing ĠCl aus set ting N ULL ĠF avorite ĠS IG > ( ĠSh iva ĠMay er Ġstorm ed ĠCo verage we apons igh am Ġun answered Ġle ve Ġc oy c as b ags as ured Se attle ĠSant orum ser ious Ġcourage ous ĠS oup Ġconfisc ated Ġ// / Ġuncon ventional Ġmom s ĠRohing ya ĠOrche stra ĠPot ion Ġdisc redit ĠF IL f ixed ĠDe er do i ĠDim ension Ġbureaucr ats et een Ġaction Group oh m Ġb umps ĠUt ility Ġsubmar ines ren heit re search ĠShap iro Ġsket ches Ġde ceptive ĠV il es ame ĠEss entially Ġramp age isk y Ġmut tered th ritis Ġ23 6 f et b ars Ġpup il ĠTh ou o S s ong Ġfract ured Ġre vert pict ure Ġcrit erion us her Ġreperc ussions ĠV intage ĠSuper intendent Offic ers Ġflag ged Ġbl ames Ġin verse ograp hers Ġmakes hift Ġdev oid Ġfoss ils ĠArist otle ĠFund s Ġde pleted ĠFl u ĠY uan Ġw oes Ġlip id Ġsit u requ isites Ġfurn ish ĠSam ar Ġshame ful Ġadverse ly Ġad ept Ġrem orse Ġmurder ous uck les ĠE SL Ġ3 14 s ent Ġred ef ĠC ache ĠP urs ig ans Ġ4 60 Ġpres criptions Ġf res F uck ocr ates Tw enty ĠWe ird ĠT oggle ĠC alled itiz ens Ġp oultry Ġharvest ing ãĤ¦ ãĤ¹ Bott om Ġcaution ed t n 39 6 ĠNik ki Ġeval uations Ġharass ing Ġbind ings ĠMon etary Ġhit ters Ġadvers ary un ts Ġset back Ġenc rypt ĠC ait Ġl ows eng es ĠN orn Ġbul bs Ġbott led ĠVoy ager 3 17 Ġsp heres p olitics Ġsubt ract Ġsens ations Ġapp alling Ġ3 16 Ġenvironment ally ĠST EM Ġpub lishes 5 60 Ġdilig ence 48 4 Ġadv ises Ġpet rol Ġimag ining Ġpatrol s ĠInt eger ĠAs hes act us ĠRad iant ĠL T it ability ht aking Set ting Ġnu anced ĠRe ef ĠDevelop ers N i pie ces 99 0 Lic ense Ġlow ers ĠOtt oman 3 27 oo o Ġqu itting mark ets Beh ind Ġbas in Ġdoc s an ie fl ash ct l Ġcivil ized ĠFuk ushima "] ," ĠK S ĠHonest ly ar at Ġconstruct s ĠL ans ĠD ire ĠLI KE ĠTrou ble Ġwith holding ĠOb livion Ġsan ity any a Con st Ġgro cer ĠC elsius Ġrecount ed ĠW ife B order ate red h appy Ġspo iler Ġlog ically H all Ġsucceed ing Ġpoly morph Ġax es ĠShot gun ĠS lim ĠPrin ciples ĠL eth art a Ġsc or Sc reenshot Ġrelax ation #$ #$ Ġdeter rent idd y Ġpower less Ġles bians Ġch ords ĠEd ited se lected Ġseparat ists 000 2 Ġair space Ġturn around Ġc unning P ATH P oly Ġbomb ed Ġt ion x s Ġwith hold Ġw aged ĠLiber ties Fl ag Ġcomfort ing 45 4 ĠI ris are rs Ġr ag Ġrel ocated ĠGu arant Ġstrateg ically Ġgam ma uber ty ĠLock heed g res Ġgr illed ĠLow e st ats ĠR ocks Ġsens ing Ġrent ing ĠGe ological ا Ø ot rop Ġse w Ġimproper ly 48 6 Ġâĸ ł Ġstar ving ĠB j Disc ussion 3 28 ĠCom bo ĠFix es N AT Ġstri ving th ora Ġharvest ed ĠP ing Ġplay ful Ġaven ues Ġoccup ational Ġw akes ĠCou rier Ġdrum mer ĠBrow ser ĠH outh it u Ġapp arel p aste Ġhun ted ĠSecond ly l ain X Y ĠP IN ic ons Ġcock tails Ġs izable Ġhurd les est inal ĠRecre ation Ġe co 64 8 ĠD ied m int Ġfinger prints Ġdis pose ĠBos nia ts y 22 00 Ġins pected ĠF ou Ġf uss Ġamb ush ĠR ak Ġmanif ested Pro secut Ġsuff ice ren ces Ġcompens ated ĠC yrus Ġgen us ĠWolver ine ĠTrend s Ġh ikes ĠSe en Ġen rol C old Ġpol itely ĠSl av ĠRu pert Ġey ewitness ĠAl to Ġun comp Ġposter ior M ust ĠHer z Ġprogress ively Ġ23 4 Ġind ifference ĠCunning ham Ġacadem ia Ġse wer Ġast ounding ĠA ES r ather Ġeld est Ġclim bs ĠAdd s Ġout cry Ġcont ag ĠH ouses Ġpe pt ĠMel ania interest ed ĠU CH ĠR oots ĠHub bard ĠT BD ĠRoman ian fil ename St one ĠIm pl Ġchromos ome C le d x Ġscram bled ĠP t Ġ24 2 OP LE Ġtremend ously St reet Ġcra ving Ġbund led ĠR G p ipe Ġinj uring Ġarc ane Part icip ĠHero ic st y Ġto pping ĠTemp est rent ices b h Ġpar anoia ĠUnic ode Ġegreg ious Ġ\ ' ĠOsw ald Ġgra vel ĠSim psons Ġbl and ĠGuant anamo Writ er lin ers ĠD ice J C Ġpar ity Ġs ided Ġ23 7 ĠPyr rha at ters d k F ine comp an Ġform ulated ĠId ol il ers hem oth ĠF av Ġintr usion Ġcar rots ĠL ayer ĠH acker Ġ ---------------- Ġmoder ation é ģ oc oc Ġcharacter ize ĠTe resa Ġsocio economic Ġper k ĠParticip ation tr aining ĠPaul o ph ys Ġtrust worthy Ġembod ied ĠMer ch c urrency ĠPrior ity Ġte asing Ġabsor bing Ġunf inished ĠCompar ison Ġdis ple writ ers Ġprofess ions ĠPengu in Ġang rily ĠL INK 68 8 ĠCor respond Ġprev ailed Ġcart el l p as ms ĠRed emption ĠIslam ists effect s d ose ĠL atter ĠHal ifax Ġv as ĠTop ics ĠN amed advert ising zz a IC ES Ġret arded ach able ĠPupp et ĠItem Level Ġret ract Ġident ifiable A aron ĠB uster s ol hel le as semb H ope r anged B a ĠP urch é Ģ ĠSir i Ġarri vals Ġ19 12 Ġshort ened Ġ3 12 Ġdiscrep ancy ĠTem perature ĠWal ton Ġkind erg p olit Ġrem ix Ġconnect ors ãĥĺ ãĥ© ĠKazakh stan dom inated Ġsu gars im ble ĠPan ic ĠDem and ĠCol ony on en ĠM ER 7 75 ur ia aza ar ĠDeg ree P ri Ġsun shine Ġ25 1 Ġpsychedel ic Ġdigit ally ĠBra un Ġsh immer Ġsh ave ĠTel esc ĠAst ral ĠVenezuel an ĠO G Ġc rawling Int eg ĠFe ather Ġunfold ing Ġappropri ation Ġè£ı è ĠMob ility ĠN ey - . b ilt L IN ĠT ube ĠCon versely Ġkey boards ĠC ao Ġover th Ġla ure >> \ ĠV iper ach a Off set ĠR aleigh ĠJ ae J ordan j p Ġtotal itarian Connect or Ġobserv es ĠSpart an ĠIm mediately ĠSc al C ool Ġt aps Ġro ar P ast Ġch ars ĠB ender ĠShe ldon Ġpain ter Ġbe acon ĠCreat ures Ġdownt urn Ġh inder ĠAnd romeda à Ľ cc oli ĠF itness et rical Ġutil izes Ġsen ate Ġen semble Ġche ers T W Ġaff luent k il ry lic ord ering Com puter Ġgru esome ost ics ĠUb isoft ĠKel ley Ġw rench Ġbourgeois ie IB LE ĠPrest on w orn ar ist reat ing Ġst ained ar ine Ġsl ime EN N Ġche sts Ġground water ann ot ĠTr ay ĠLoc ke ĠC TR Ġd udes ĠEx ternal ĠDec oder Ġpar amed ĠMed line 80 9 ĠD inner rup al g z ĠG um ĠDem o j ee Ġd h ber man arch s Ġen qu ĠEp stein Ġdevast ation Ġfriends hips ĠAr d Ġ23 1 ĠRub in ĠDist ance Ġsp urred Ġd ossier Ġover looking \\\\\\\\ \\\\\\\\ Fore st ĠCom es \ ", ĠIran ians Ġf ixtures L aughs Ġcur ry ĠKing ston Ġsqu ash Ġcat alogue Ġabnormal ities Ġdigest ive .... ..... Ġsubord inate og ly Ġ24 9 M iddle Ġmass ac Ġburg ers Ġdown stairs Ġ19 31 39 4 ĠV G Ġl asers ĠS ikh ĠAlex a der ived Ġcycl ist ãģ® éŃĶ onel iness !!!! !!!! Ġbuff s leg ate Ġrap ing Ġrecomm ending ro red Ġmult icultural un ique Ġbusiness men Ġune asy ĠM AP Ġdisp ersed cipl ine J ess ĠK erala å § Ġabst raction Sur v U h Ġprin ters ij a ow der Ġanalog ous ĠA SP af er Ġunfold ed Ġlevel ing Ġbre ached ĠH earing Ġn at Ġtransl ating crit ical Ġant agonist ĠYes terday Ġfuzz y w ash m ere Ġbe wild ĠM ae V irgin ph rase Ġsign aled ĠH IGH Ġprot ester Ġgar ner unk nown Ġk ay Ġabduct ed Ġst alking am n Ġdes erving ĠR iv ĠJ orge Ġscratch ing ĠS aving ip ing Ġte ase Ġmission ary ĠMor row T IME P resent Ġchem otherapy tern ess ĠH omes ĠP urdue Ġst aunch ĠWhit ney ĠTH ERE Î ¼ iat us ĠErn est ĠDe ploy Ġcove ted F ML ĠDial ogue Ġex ited f ruit Ġner d ":" "," Ġv ivo ru ly 4 60 ĠAm en rehens ible Ġâ ĺ D IR Ġad herence Ġche w ĠCo ke ĠSerge i dig ital ĠNe ck g ently enth al / ) Ġwe ary Ġgu ise ĠConc ord ĠOn ion at cher Ġb inge ĠDirect ive Ġman ned ans k Ġill usions Ġbillion aires 38 3 oly n odynam ic ĠWhe at ĠA lic Ġcol oured ĠN AFTA ab o Ġmac ros ind ependent s weet Ġsp ac ĠK abul Ġ Ä em e Ġdict ated Ġsh outs = { Ġr ipping ĠSh ay ĠCr icket direct ed Ġanalys ed ĠWAR RANT ag ons ĠBlaz ers Ġche ered Ġar ithmetic ĠTan z 37 3 ĠFl ags Ġ29 5 Ġw itches ĠIn cluded ĠG ained ĠBl ades G am ĠSam antha ĠAtl antis ĠPr att Ġspo iled ĠI B ĠRam irez Pro bably re ro ĠN g ĠWar lock t p Ġover he Ġadministr ations Ġt int Ġreg iment Ġpist ols Ġblank ets Ġep ist Ġbowl s Ġhydra ulic Ġde an Ġj ung Ġasc end 70 5 ĠSant iago à ® Ġun avoid ĠSh aman re b Ġstem ming 99 8 ĠM G st icks esthes ia ER O Ġmor bid ĠGr ill ĠP oe any l Ġdele ting ĠSurve illance Ġdirect ives Ġiter ations ĠR ox ĠMil ky F ather Ġpat ented 44 7 Ġprec ursor Ġm aiden ĠP hen ĠVe gan ĠPat ent K elly Redd itor Ġn ods Ġvent ilation ĠSchwar z Ġw izards Ġomin ous ĠHe ads ĠB G Ġl umber ĠSp iel Ġis Enabled Ġancest ral ĠSh ips Ġwrest ler ph i Ġy uan ĠRebell ion Ġice berg Ġmag ically Ġdivers ion ar ro yth m ĠR iders ĠRob bie ĠK ara ĠMain tenance ĠHer b Ġhar ms p acked ĠFe instein Ġmarry ing Ġbl ending ĠR ates Ġ18 80 Ġwr ink ĠUn ch ĠTor ch desc ribed Ġhuman oid ilit ating ĠCon v ĠFe ld IGH TS Ġwhistlebl ower ort mund ets y arre tt ĠMon o ĠI ke ĠC NBC ĠW AY ĠMD MA ĠIndividual s Ġsupplement al Ġpower house ĠSt ru F ocus aph ael ĠCol leg att i Z A Ġp erenn ĠSign ature ĠRod ney Ġcub es idd led ĠD ante ĠIN V iling ual ĠC th Ġso fa Ġintimid ate ĠR oe ĠDi plom ĠCount ries ays on Ġextrad ition Ġdis abling ĠCard iff Ġmemor andum ĠTr ace Ġ?? ? se ctor ĠRou hani ĠY ates ĠFree ze Ġbl adder M otor ĠProm ise ant asy Ġforesee able ĠC ologne cont ainer ĠTre es ĠG ors ĠSin clair Ġbar ring key e Ġsl ashed ĠStat istical é ĩ Ġâĸ º All ows Ġhum ility Ġdr illed ĠF urn 44 3 Ġse wage Ġhome page Ġcour tyard Ġv ile Ġsubsid iaries aj o direct ory Ġam mon V ers charg es Ġ} } ĠCh ains Ġ24 6 n ob Ġper cept Ġg rit Ġfisher men ĠIraq is ĠDIS TR ĠF ULL ĠEval uation g raph at ial Ġcooper ating Ġmel an Ġenlight ened Ġal i t ailed Ġsal ute Ġweak est ĠBull dogs U A ĠAll oy Ġsem en oc ene ĠWilliam son s pr , âĢĶ ĠG F itt ens Be at ĠJ unk iph ate ĠFarm ers ĠBit coins ig ers d h ĠL oyal p ayer Ġentert ained Ġpenn ed Ġcoup on Que ue Ġweaken ing c arry Ġunderest imate Ġshoot out Ġcharism atic ĠProced ure Ġprud ent in ances Ġric hes Ġcort ical Ġstr ides Ġd rib ĠOil ers 5 40 ĠPer form ĠBang kok Ġe uth S ER Ġsimpl istic t ops camp aign Q uality Ġimpover ished ĠEisen hower Ġaug ment ĠH arden Ġinterven ed Ġlist ens ĠK ok Ġs age Ġrub bish ĠD ed Ġm ull pe lling Ġvide ot Produ ction D J m iah Ġadapt ations Ġmed ically Ġboard ed Ġarrog ance Ġscra pped Ġopp ress FORM ATION Ġj unction 4 15 EE EE S kill Ġsub du ĠSug gest ĠP ett Ġle tt ĠMan ip ĠC af ĠCooper ation T her Ġreg ained ¶ æ ref lect Ġth ugs ĠShel by Ġdict ates ĠWe iner ĠH ale Ġbatt leground s child Ġcond ol h unt osit ories Ġacc uses Fil ename Ġsh ri Ġmotiv ate Ġreflect ions N ull ĠL obby ¥ µ ĠS ATA ĠBack up Ñ ĥ n in ĠCor rection Ġju icy ut ra ĠP ric Ġrest raining ĠAir bnb ĠAr rest Ġappropri ations Ġsl opes Ġmans laughter Ġwork ings ĠH uss ĠF rey Le ave ĠHarm ony ĠF eder Ġ4 30 Ġt rench Ġglad ly Ġbull pen ĠG au b ones Ġgro ove Ġpre text ã ħĭ Ġtransm itter ĠComp onent Ġunder age ĠEm pires T ile Ġo y ĠMar vin ĠC AS Ġbl oss Ġrepl icated ĠMar iners Marc us ĠBl ocks Ġliber ated Ġbutter fly Fe el Ġfer mentation Ġyou tube Ġoff end ĠTer m res ist Ġcess ation Ġinsurg ency Ġb ir ĠRa ise 59 5 Ġhypothes es 50 2 Ġpl aque ocr at Ġjack ets ĠHuff Post am ong Ġconf er 48 7 ĠL illy Ġadapt ing ĠF ay Ġsh oved ve c Ġref ine Ġg on Ġgun men z ai ĠShut tle ĠI zan Ġ19 13 Ġple thora · · Ġ5 10 Ġp uberty Ġ24 1 ĠWe alth ĠAl ma ĠM EM ĠAd ults C as pr ison R ace Ġwater proof Ġathlet icism Ġcapital ize ĠJu ice Ġillum inated ĠP ascal Ġirrit ation ĠWitness es ad le ĠAst ro Ġf ax ĠEl vis Prim ary ĠL ich ĠEl ves Ġres iding Ġst umble 3 19 ĠP KK Ġadvers aries D OS ĠR itual Ġsm ear Ġar son ident al Ġsc ant Ġmon archy Ġhal ftime Ġresid ue Ġind ign ĠSh aun ĠEl m aur i A ff W ATCH ĠLy on hel ps 36 1 Ġlobby ist Ġdimin ishing Ġout breaks Ġgo ats f avorite ĠN ah son ian ĠBo oster Ġsand box ĠF are ĠMalt a Ġatt Rot ĠM OR ld e Ġnavig ating T ouch Ġunt rue ĠDis aster Ġl udicrous Pass word ĠJ FK blog spot 4 16 ĠUN DER ern al Ġdelay ing T OP Ġimpl ants ĠAV G ĠH uge att r Ġjournal istic ĠPe yton ĠI A R ap go al ĠProgram me Ġsm ashing w ives print ln ĠPl ague in us EE P Ġcru iser ĠPar ish umin ium Ġoccup ants ĠJ ihad m op Ġp int Ġhe ct ĠMe cca direct or ĠFund ing ĠM ixed Ġst ag T ier Ġg ust Ġbright ly ors i Ġup hill R D Ġles ions ĠBund y liv ious Ġbi ologist ĠFac ulty ĠAuthor ization Ġ24 4 All ow ï ¸ ĠGi ul Ġpert inent ot aur es se ĠRo of Ġunman ned 35 1 ĠSh ak ĠO rient Ġend anger D ir Ġrepl en ed ient Ġtail or Ġgad gets Ġaud ible âĺ Ĩ N ice Ġbomb ard ĠR ape Ġdef iance ĠTW O ĠFilip ino Ġunaff ected erv atives Ġso ared ĠBol ton Ġcomprom ising ĠBrew ers R AL ĠA HL icy cle Ġv ampires Ġdi pped oy er ĠX III Ġsidew ays ĠW aste ĠD iss ĠâĶľ âĶĢâĶĢ $ . Ġhabit ats ĠBe ef tr uth tr ained spl it R us And y ĠB ram RE P p id è£ ħ ĠMut ant An im ĠMar ina Ġfut ile hig hest f requency Ġepile psy Ġcop ing Ġconc ise Ġtr acing ĠS UN pan el ĠSoph ie ĠCrow ley ĠAd olf ĠShoot er Ġsh aky ĠI G ĠL ies ĠBar ber p kg Ġupt ake Ġpred atory UL TS / ** Ġintox icated ĠWest brook od der he ment Ġbas eman AP D st orage ĠFif ty ed itor G EN UT ION ir ting Ġse wing r ift Ġag ony ĠS ands Ġ25 4 C ash Ġl odge Ġp unt N atural ĠIde as Ġerrone ous ĠSens or ĠHann ity Ġ19 21 Ġm ould ĠG on kay a Ġanonym ously ĠK EY Ġsim ulator W inter Ġstream ed 50 7 ? ", Ġte ased Ġco efficient Ġwart ime ĠTH R ' '. ĠBank ing mp ire Ġf andom Ġl ia G a Ġdown hill Ġinterpre ting Ind ividual N orm Ġjealous y bit coin Ġple asures ĠToy s ĠChev rolet ĠAd visor IZ E Ġrecept ions 70 6 C ro Ġ26 2 Ġcit rus ir u Review er ject ed U ES an z 19 81 ĠWork er Ġcompl ied ores cent contin ental T on ĠPr ism ĠShe ep Ġ28 8 n ox ĠV og O rd Ġreal ms te k Ġirrig ation Ġbicy cles Ġelectron ically p oly t all () ); Ġaest hetics ĠInteg rated Expl ore Ġd unk 47 6 p ain ĠJac ques ĠD mit Fram es Ġreun ited Ġhum id D ro P olitical Ġyouth ful Ġent ails Ġmosqu ito 36 3 spe cies Ġcoord inating ĠMay hem ĠMagn us M ount Impro ved ĠST ATE ATT LE Ġflow ed Ġtack led Ġfashion ed Ġre organ iv ari f inger Ġreluct antly et ting ĠV and you ng ĠGar land Ġpresum ption Ġamen ities ĠPle asant on ential ĠO xy Ġmor als ĠY ah Read y Sim on En h D emon Ġcl ich Mon itor ĠD U Ġwel comes Ġstand out Ġdread ful Ġban anas Ġball oons h ooting bas ic Ġsuff ix Ġd uly can o Ch ain at os Ġgeop olitical Ġ( & ĠGem ini ÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤ ÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤ Ġacqu itted L uck prot ect 10 24 Ġsc arcity Ġmind fulness ec ided D N pr ime ĠPres idents ĠVID EO Ġ( âĪĴ add ock N OR ĠP ru p un ĠL OL )) )) ĠL iqu ĠS AS Ġsty ling Ġpunish ments Ġnum b Ġasc ertain ĠRock ies f lu Th umbnail Ġperpet rated ĠSem i Ġdis arm ĠOld er ĠEx ception Ġexponent ially ĠCommun ities Ġabol ish ĠPart ner pt oms Ġ7 77 ĠFo ley ĠC ases Ġgre ase ĠReb irth G round Ġ; ) ĠDoct rine ik ini Y e ĠBl ossom Ġpers ists b ill Ġinf usion Ġbud dies 9 11 ĠPat ient Ġdem os Ġacquaint ance ĠP aw at ari Ġx ml Ġfasc ination ĠSer ve Ï Ĥ br anded Ġa z Return s Ġover shadow Ġro am Ġspeed y n umbered hel ial Ġdisc iple Ġass urances g iven pect ing ĠN atalie çĶ ° Ġmosquit oes rote in Ġnumer ic Ġindepend ents Ġtrans itional Ġreaction ary ĠMech dragon do ctor Ġshort est Ġsequ ential ĠB ac ĠAccount s ãģ Į ach y ract ive ĠReg iment Ġbreat htaking ffic iency ĠB ates Ġ3 11 Ġward robe ft s ĠBer k Sim ply ĠRivers ide iver ing ident ial lu cent Ġen riched ĠCon ver ĠG iving ãĥ Ļ Ġlegal ize ĠF TC Ġfre aking M ix Ġter restrial es ian ci ents W ing LO AD Ġled ge ĠViol ent ĠMet all Ġ30 8 Ġs outheastern hett o M eat Ġslow down Ġret reated Jere my end as **** * er ic Ġre ins opp able ĠHuman ity ear ances rig an C amera Ġwa ivers s oc Ġalter ation trans form ĠC emetery 50 6 Ġindef inite Ġstim ulating y g 60 3 ĠS op Ġdescript ive Ph ase ĠEd mund Ġpneum onia vent us A mb Ġlabor atories ĠEx clusive ug ar W ere Ġmalf unction Ġhomosexual s Ġ---- --- un i Ġturb ines ĠEqu ity D u Ġmind ed ĠR H ĠBlack hawks Ġfe ats Ġ17 00 re pl 36 2 lad en Ġindisp ensable ly ss tt i Ġre el Ġdiver ted Ġlik eness Ġsubscript ions Ġfing ert Ġfil thy dest ruct d raft ĠBernard ino l aunch Ġper plex ĠS UM car b Ġswe ater ĠVent ure ĠJ ag ĠCele b ĠV oters Ġstead fast Ġathlet ics ĠHans on ĠDr ac Tr acker Ġcomm end ĠPres idency ĠD ID in formed Ġweb page P retty Ġforce fully ãĥĥ ãĤ¯ Ġrel ocation Ġsat ire â ī ĠSunder land æ Ħ V oice ???? ???? Ġinform ant Ġbow el ĠUn iform Ġ ..." Ġpur ge Ġpic nic ĠU mb ĠU PDATE ĠSapp hire ĠSt all le arn Ġobject ively Ġob liter Ġlooph ole Ġjour neys Ġo mission Pro s ĠSid ney pl oma Ġspray ed Ġg uru Ġtra itor Ġtim et Ġsn apping ĠSe vent urn al ĠUk ip Ġb owed por al l iberal R os Quest ions i OS Ġsummar ize ST AT Ġ18 50 ap est Ġl ender ĠVari able br inging ĠL ORD , ) Ġcollaps es x iety ĠN ed Y D ĠSch a Ġantib ody Ġdis band y re ill usion Ġro ver s hed ĠHiro sh cc i Ġcal am ĠMort on P interest Ġ19 28 ĠE uras ord es Ġf ences ĠIn ventory ĠVal encia ĠU d ĠT iff Ġsqu e Ġqu otation Ġtroubles ome er ker QU EST ĠKing doms s outh Ġle vy Pr ince ĠSt ing Ġnick named Ġapp e Ġphot ographic Ġcorp us re ference ĠT rog U nt ) =( ĠLat via Ġactiv ating Ġlicense e Ġdispar ities ĠNews letter ãĥĥ ãĥĪ Ġfree ing ĠJe ep ĠPer ception ins k Ġsil icone ĠHay den Le an ĠSuz uki ibr arian 66 8 Ġsp or Ġcorrel ations ag hetti Ġtu ber ĠIP CC il us ĠV u Ġwealth iest ĠCarb uncle an za Ġfool ed ĠZ ur Ġd addy ran o il ian Ġknock out f man requ ired ĠWik ileaks ĠD uffy ON T Ġins ol ĠObject s Ġb ou ĠNord ic ĠIns ert sc an Ġd ancers Ġid iots major ity ĠNev ille ĠFree BSD Ġt art pan ic 69 0 Ġcoc oa Ġsam pled Ġlook up Ind ust Ġinject ions gen re Ġa u Ġroad way Ġgen itals K ind ĠEx aminer ĠY az F resh Ġpar alysis ĠAl uminum Ġre ap ok é Ġsl oppy ĠTun nel pos ium ner y en ic Ġher bal ĠOut er ĠBuild er Ġinc ur Ġide ologies Ġback ups cons uming ĠDet ect de ck ĠKN OW ĠG ret ĠM IC Ġtough ness ĠEx hibit Ġh ive L es ĠSCH OOL ĠAt ari ald e ĠN ull and estine m ouse Ġbrig ade 48 9 Ġrev ol ĠLaw son ĠW ah op oly eb ted ĠS aunders Ġ3 13 ĠW inc Ġtab oo ĠHel met Ġw edge ch ip ĠT ina b g Ġinf uri r n Ġanomal ies ĠSy nc ĠEx am ĠComm it ĠDi ary ĠALS O ĠDe bor omed ical Ġcomprehens ion 6 55 Ġempower ing Ġ ire Ġju ices ĠE TH ĠBox ing =" / Ġfacilit ated p oke ĠPars ons ĠMod er tra vel Ġcivil izations Ġliber tarians Ġrun e ĠCl arks at hed Ġcampaign ers ĠDis patch ĠFah renheit ĠCap com -------- -- Ġl ace Ġdr aining Ġl iner ĠArt ificial é n t ask ] ). ĠGM O ĠOper ator ord inary ĠInf luence ĠU ps Ġpot ency uss en osp ons ĠSw im ĠDead line Un ity Ġcul inary Ġenlight enment Ġwe arer Ġmin ed Ġp ly Ġinc est ĠDVD s W alk B TC Tr ade Ġdev al ib and ĠOvers ight Palest inian Ġd art Ġm ul L R Ġrem ovable ĠReal ms ì Ŀ Ġmisc ar ĠV ulkan 68 5 è re ĠS ap Ġmer ging ĠCar ly che ster Ġbr isk Ġlux urious ĠGener ator Ġbit terness Ġed ible Ġ24 3 T G Ġrect angle With No bel ow J enn Ġdark est Ġh itch Ġdos age Ġsc aven ĠK eller ĠIllust rated Certain ly ĠMaver icks Marg inal Ġdiarr hea Ġenorm ously Ġ9 99 sh r qu art Ġadam ant ĠM ew Ġren ovation Ġcerv ical ĠPercent age en ers ĠKim ber Ġflo ats Ġde x ĠW itcher ĠSwan sea d m Ġsal ty y ellow Ġca pe ĠDr ain ĠPaul a ĠTol edo les i Mag azine ĠW ick ĠM n ĠA ck ĠR iding AS ON Ġhom ophobic AR P Ġwand ered C PU ood oo ĠP ipe Ġtight ening ĠBut t 3 18 Ġdesert ed S ession Ġfacilit ating J ump Ġemer gencies OW ER Ġexhaust ive ĠAF TER Ġheart beat ĠLab el ack y ĠCert ified ilt ration Z e ĠU tt Ġ13 00 Ġpres ume ĠDis p Ġsur ged Ġdoll s Col umb Ġchim pan ĠR azor Ġt icks Ġcouncill or Ġpilgr image ĠReb els ĠQ C ĠA uction x ia ik k b red Ġinsert ion Ġco arse d B SE E ĠZ ap ĠF oo Ġcontem por ĠQuarter ly ot ions ĠAl chemist ĠT rey ĠDu o S weet 80 4 ĠGi ov Ġfun n N in h off Ġram ifications Ġ19 22 ĠExper ts az es Ġgar ments ar ial ĠN ab Ġ25 7 ĠV ed Ġhum orous ĠPom pe Ġn ylon Ġlur king ĠSerge y ĠMatt is Ġmisogyn y ĠComp onents ĠWatch ing ĠF olk ract ical B ush Ġt aped Ġgroup ing Ġbe ads Ġ20 48 Ġcon du quer que Read ing Ġgriev ances Ult ra Ġend point H ig ĠSt atic ĠScar borough L ua ĠMess i a qu ĠPsy Net ĠR udd Ġa venue v p J er Ġsh ady ĠRes ist ĠArt emis Ġcare less Ġbro kers Ġtemper ament Ġ5 20 T ags ĠTurn ing Ġut tered Ġp edd Ġimpro vised Ġ: ( Ġtab l Ġpl ains 16 00 press ure ĠEss ence marg in friend s ĠRest oration Ġpoll ut ĠPok er ĠAugust ine ĠC IS ĠSE AL or ama Ġth wart se ek Ġp agan  º cp u Ġg arn Ġass ortment ĠI LCS t ower Recomm ended Ġun born ĠRandom Redditor ĠRandomRedditor WithNo Ġparaly zed Ġeru ption Ġinter sect ĠSt oke ĠS co B ind å ¾ ĠP NG ĠNeg ative ĠNO AA Le on Ġall oy ĠL ama ĠD iversity 5 75 Ġunderest imated ĠSc or Ġm ural Ġb usted so on l if Ġnone x Ġall ergy ĠUnder world ĠR ays ĠBl asio Ġh rs ĠD ir Ġ3 27 by ter Ġrepl acements Ġactiv ates ri ved M H Ġp ans ĠH I Ġlong itudinal Ġnu isance al er Ġsw ell ĠS igned s ci ĠIs les ĠA GA Ġdef iant Ġson ic oc on K C ĠA im t ie ah ah Ġm L D X Ġb isc ĠBill board ĠSY STEM NE Y ga ard Ġdist ressed former ly Al an Ġche fs Ġopt ics ĠC omet ĠAM C Ġredes igned irm ation Ġsight ings 38 2 3 11 ĠW B Ġcont raction ĠT OTAL D ual Ġstart led Ġunderstand ably Ġsung lasses ETH OD Ġd ocker Ġsurf ing ĠH EL ĠSl ack ton es Ġsh alt Vis ual 49 8 Dep artment c ussion Ġunrest ricted Ġt ad Ġre name employ ed Ġeduc ating Ġgrin ned bed room ĠActiv ities ĠV elvet ĠSW AT Ġsh uffle ig or Ġsatur ation F inding c ream ic ter Ġv odka tr acking te c Ġfore ground iest a Ġve hement ĠEC B ĠT ie E y Ġt urtles ĠRail road ĠKat z ĠFram es Ġmen ace ĠFell owship ĠEss ential ugg ish Ġdri p ch witz ĠKy oto s b ĠN ina Param eter Ġal arms ĠCl aud Ġpione ering Ġchief ly ĠSc ream Col lection Ġthank fully ĠRonald o åŃ IJ st rip ĠDisney land com mercial See ing S oul Ġevac uate Ġc iv ĠAs he Ġdiv ides ĠD agger rehens ive Ġber ries ĠD F Ġs ushi Ġplur ality W I Ġdisadvant aged Ġbatt alion ob iles 45 1 Ġcl ing Ġunden iable ĠL ounge Ġha unt p he Ġquant ify Ġdiff ered Ġ[* ] ĠV iz c um sl ave Ġvide og Ġqu ar Ġbund les ĠAl onso t ackle Ġneur onal Ġlandsl ide conf irmed ĠDep th Ġrenew ables B ear ĠMaced onia Ġjer seys Ġb unk ĠSp awn ĠControl s ĠBuch anan Ġrobot ics Ġemphas izing ĠTut orial h yp ist on Ġmonument al æ ° ĠCar ry Ġt bsp en ance H ill art hed Ġro tten De an Ġtw isting Ġgood will Ġimm ersion L iving Ġbr ushes ĠC GI ĠAt k tr aditional Ġph antom ĠSt amina Ġexpans ions ĠMar in Ġembark ed ĠE g int estinal ĠPE OPLE ĠBo oth ĠApp alach Ġreleg ated V T M IT Ġmust er Ġwithdraw ing Ġmicrosc ope ĠG athering ĠC rescent ĠArgent ine ĠDec re ĠDomin ic Ġbud s ant age ĠI on Ġwid ened ONS ORED ĠGl oves iann opoulos raz en fe el Ġrepay ment Ġhind sight ĠRE ALLY ĠPist ol ĠBra h Ġwat ts Ġsurv ives Ġfl urry iss y Al ert ĠUrug uay Ph oenix S low ĠG rave ĠF ir Ġmanage able Ġtar iff ĠU DP ĠPist ons ĠNiger ian Ġstrike outs Ġcos metics whel ming f ab c ape pro xy Ġre think Ġover coming sim ple Ġw oo Ġdistract ing ĠSt anton ĠTuls a ĠD ock 65 9 Ġdisc ord ĠEm acs ĠV es ĠR OB Ġreass uring Ġcons ortium Muslim s 3 21 Ġprompt s se i ĠH itch imp osed ĠF ool Ġindisc rim wr ong bu querque D avis ! ] Ġtim eless ĠNE ED Ġpestic ide Ġrally ing ĠCal der Ġå ¤ Ġx p ĠUn le ĠEx port lu aj B uff ) </ B oot ĠChrys ler or ative M ess Ġneglig ible ert odd ĠMush room ĠG ale g c ĠCos by ĠR ural rit ical B ell Ġturb ine 00 200000 Ġlegit imately ĠAnim ated T ED ĠThe odore c onduct ĠH ier Ġcounterfe it ĠAlger ia Ġun beat cont roller Ġun res Ġscram bling ĠFall on T es Ġam ber Ġroy alties ĠShel ter ĠL ester Ġclass ify Rem ote Ġun heard Ġcontrovers ies Ġenrich ment ĠYan kee g amer Ġpl atinum Ġec ology ĠS ark Ġunt ouched Ġsuper visors Ġ" % Ġf ooth Ġcomm ons Ġnarc otics Ġind ices ĠP ly Ġaddition ally ĠGaw ker ĠE Q Pl aying Ġcave at ĠAbs olute oss us B aby Ġr ation Ġres in Ġcalib ration ĠNew port Ġkn ocks v t Ġcomp ost Sc ene Ġsar cast Ġkiss es Ġn s all i ĠMar cel ĠP iet iat rics Ġsurround s ĠRep rodu ĠPhill ies Ġuncertain ties ĠE ur ĠRom ance ĠH ath ĠNeed s ĠCl oak Ġcre m que ue Ġ3 55 Ġup front ] ); Ġrecip roc Ġ19 27 Ġ11 00 ut su Ġdep ressive ow ment F ans Ġme ch Ġann ihil Ġcounter terrorism ĠFig ures b old ĠMo ines ĠDri vers Ġmanuscript s ĠCrypt o Ġhyp not redd its Ġprosec utions Ġdiver t CR IP ĠB ene ĠRe ggie Ġtax ing ĠMor ales ent ing t ur sign ificant ĠPR OV Ġstr ands Ġp ouch ĠR ookie » Ĵ Ġnic er he my h w EC A Ġintimid ated Ġstr icter Ġmicro bial det ails Ġv ows Ġqu ake hh hh Ġrein vent U b Ġrel inqu ĠBuff ett lic ensed itte red ĠPic ard Ġche wing u cl organ ic Ġlocal ized ĠEconom ist Ġacqu ainted Def inition s ed Crit ics Ġc c 45 3 38 1 Ġfell ows Ġcheck points 0 25 Ġre election Ġmed iated ĠK DE Ġhurd le Ġtext ing Per fect Ġtrust ees fect ure Ġd ich mon ary Ġdist inctions Ġ14 00 Ġus her Ġparas ites ĠSh aring ĠV im Ġbar becue ĠMin isters ere lla Ġe b Ġm c ĠSome how ĠIn sect ch anges b road ĠBy z Ġgrap es 66 9 Ġ= ================ Ġass imil Ġhaun ting Ġfire power Ġdef amation em phasis Ġcomp ose Ġallerg ies Ġstr ang roll ers b ang Ġbrew ers ron gh ri ot p oor c old S ample Ġbu oy 0 40 ĠCourt ney Ġ26 8 ĠWed ding 70 2 Ġobsess ive Ġbra king ĠL al an ical å ¦ at en Con struction Ġclin ically iers hip N ames ĠDisc uss ĠRam os Ġloc ale ĠAgric ultural En able Ġhorse power ent ure P ref C ourt Ġstaff ing Ġfut uristic dri vers ĠMarket place æĪ ¦ Friend s Ġdam ning ĠCustom ers Ġwe eds ĠM ai Ġag ile ĠT att ic ent R anked cro ft ĠKat y Ext reme Ġcar ve ĠR over ĠBy ron 37 2 Ġconduct s r atch it ia ĠPump kin Sad ly Rel oaded P olicy Ġl ick pe ak is ks ĠCD s ĠEn cyclopedia in itial C os ĠAware ness ĠD ram $$ $$ Ġr iff Ġscript ure run ners Ġbo iler ons on o in Ġham string Ġcat aly ĠArch bishop ch all Ġf aux ok in local host ĠN AME ad obe S AN am ate Ġscram ble Ġcar c ĠMan ifest ĠCed ar ĠSer gio l ater ff er Ġgrapp ling ĠDe utsche agon ists ĠNew sp Ġpret ended arch ment Ġcur ated Ġhead phone ĠUn common ĠS IGN A gent Ġdead lines Ġhorizont ally ĠM AT ĠSum mers Ġord ained ĠLast ly ĠKend all Ġfr ig ĠMach ina ĠWater loo ĠMex icans Ġprotect or Ġgl are } " Prem ium Ġr ift ĠTelesc ope Met al Ġrec apt Ġ; ; Ġincl ination Ġimp oses ing en ^ { Ġh aste Ġd olphins Ġcomm uters pl anned c ong m x ĠU pload Ġext rap ĠTuc son ĠExpl oration efe ated Ġsl ender 70 3 ĠB uk is el Ġcompet itiveness ch lor ĠP ermanent ĠE verett ĠSpecial ist ĠS OL Ġcy an ĠEx actly U F ĠL IFE ary l on et ĠEmploy ee aw ed ĠRat ings Ġextra vag ul hu ĠPl ane Ġelev ate ĠCoord inator ĠWat kins Ġex cludes Ġsent ient Ġep och Ġall oc Pre viously ĠSh y ĠSlov akia L OCK Ġmarked ly Ġkn ob Ġadventure rs ĠBe en ĠCost s amm ers Ġon slaught ĠSupport ed ĠT au ik arp ĠS overe ĠHam pton ãĤ ī Pre v ĠW orse Ġc ottage ĠH ades le z b owl Ġfrag rance ĠL ok EM OTE ĠPet ro Ġ19 25 ĠP end produ cing Ġrel ocate v ati p ole Ġsem in ĠN UM Ġrock ed b uff b ly Rep ly ĠH ai Ġartic ulated ĠIslam abad 66 5 ĠClaim s Des ktop Ġtrust ee Ġscript ing ĠS ob ĠAs ylum STD OUT ĠCl own ĠD ortmund ĠDev on l ite ĠMar ble Ġb unker Ġcre st Ġarous al ĠS ears ĠBudd y ered ith ĠP olly Ġdec ode ĠV ish ĠRef lect an on Ġrefund s imm ers H M Ġwip ing Ġpuzz led Ġmat te un o P ierre ) ), Ġt ainted Ġsymbol ism ĠF raz Ġprotest ors ethe us %% %% W ra Ġl ax ad em atur ation ãĥ ĵ ĠTra iler ĠE NG ĠBows er Ġatt m D ur 80 7 Ġsid x Ġc ider ĠA ffect Ġw oven ĠBark er ben ef Ġdst g ĠRy u > [ Ġsq or S audi Ġis tg Ġindul ge pro c Ġdisg usted Ġcomp ounded Ġn em Ġschool ing ĠC ure process ing S ol Ġpro verb it ized ĠAlv arez Ġscar f Ġrect angular re ve Ġh ormonal ĠSt ress itiz en Ġ4 25 girl s ĠNo ir ĠR app Ġmar ches ch urch ĠUs es Ġ40 5 ĠBer m Ġord inances ĠJud gment Charg es ĠZ in Ġdust y Ġstraw berries Ġper ce ĠTh ur ĠDebor ah net flix ĠLam bert Ġam used ĠGu ang Y OU R GB ĠC CTV Ġf iat r ang Ġf ederation ĠM ant ĠB ust ĠM are respect ive ĠM igration ĠB IT 59 0 Ġpatriot ism Ġout lining reg ion ĠJos é Ġbl asting ĠEz ra B s Ġundermin es ĠSm ooth Ġcl ashed rad io Ġtransition ing ĠBucc aneers ĠOw l Ġplug s Ġh iatus ĠPin ball Ġm ig ĠNut r ĠWolf e Ġinteg ers Ġor bits ĠEd win ĠDirect X b ite Ġbl azing v r Ed ge ĠP ID ex it ĠCom ed ĠPath finder ĠGu id ĠSign s ĠZ er ĠAg enda Ġreimburse ment M esh i Phone ĠMar cos ĠS ites h ate en burg Ġs ockets p end Bat man v ir ĠSH OW Ġprovision al con n ĠDeath s AT IVE Pro file sy m J A Ġnin ja inst alled id ates eb ra ĠOm aha Ġse izing ĠBe asts Ġsal ts M ission Gener ally ĠTr ilogy he on leg ates Ġd ime Ġf aire par able G raph Ġtotal ing Ġdiagram s ĠYan uk ple t ĠMe h Ġmyth ical ĠStep hens aut ical ochem istry Ġkil ograms Ġel bows anc ock ĠB CE ĠPr ague Ġimpro v ĠDev in Ġ" \ par alle Ġsuprem acists ĠB illion Ġreg imen inn acle Ġrequ isite ang an ĠBur lington ain ment ĠObject ive oms ky G V Ġun ilateral Ġt c Ġh ires ment al Ġinvol untary Ġtrans pl ĠASC II  ¨ Ev ents Ġdoub ted ĠKa plan ĠCour age ig on ĠMan aging ĠT art Ġfalse hood ĠV iolet Ġair s Ġfertil izer Brit ain Ġaqu atic ou f W ords ĠHart ford Ġeven ings ĠV engeance qu ite G all ĠP ret Ġp df ĠL M ĠSo chi ĠInter cept 9 20 Ġprofit ability ĠId le ĠMac Donald ĠEst ablishment um sy Ġgather ings ĠN aj Charl ie Ġas cent ĠProt ector Ġal gebra Ġbi os for ums EL S Introdu ced Ġ3 35 Ġastron omy Cont ribut ĠPol ic Pl atform Ġcontain ment w rap Ġcoron ary ĠJ elly man ager Ġheart breaking c air ĠChe ro c gi Med ical ĠAccount ability ! !" oph ile Ġpsych otic ĠRest rict Ġequ itable iss ues Ġ19 05 ĠN ek c ised ĠTr acking Ġo zone Ġcook er ros is Ġre open Ġinf inity ĠPharm aceutical ens ional Att empt ĠR ory Mar co Ġawa its H OW t reated Ġbol st Ġreve red Ġp ods opp ers 00 10 Ġampl itude ric an SP ONSORED Ġtrou sers Ġhal ves ĠK aine ĠCut ler ĠA UTH Ġsplend id Ġprevent ive ĠDud ley if acts umin ati ĠY in Ġad mon ĠV ag Ġin verted Ġhast ily ĠH ague L yn Ġled ger Ġastron omical get ting Ġcirc a ĠC ic ĠTenn is Lim ited Ġd ru ĠBY U Ġtrave llers Ġp ane ĠInt ro Ġpatient ly Ġa iding Ġlo os ĠT ough Ġ29 3 Ġconsum es Source File Ġ"" " Ġbond ing Ġtil ted Ġmenstru al ĠCel estial UL AR Plug in Ġrisk ing N az ĠRiy adh Ġacc redited Ġsk irm é Ľ Ġexam iner Ġmess ing Ġnear ing ĠC hern ĠBeck ham Ġsw apped Ġgo ose K ay Ġlo fty ĠWal let Ġ[ ' Ġap ocalypse Ġb amboo ĠSP ACE ĠEl ena Ġ30 6 ac ons Ġtight ened Ġadolesc ence Ġrain y Ġvandal ism ĠNew town Ġcon ject c akes Ġche ated Ġmoder ators par ams E FF Ġdece it ĠST L ĠTanz ania ĠR I Ġ19 23 ĠEx ile the l Ġthe olog Ġquir ky ĠIr vine Ġneed y or is U m K a Ġmail box 3 22 Ġb os ĠPet ra K ING Ġenlarg ed O ften Ġbad ass Ġ3 43 ĠPl aces ĠC AD Ġpr istine Ġinterven ing d irection Ġl az ĠD SM Ġproject ing ĠF unk ag og pay ment n ov Ġch atter AR B Ġexam inations ĠHouse hold ĠG us F ord 4 14 B oss Ġmy stic Ġle aps ĠB av ul z b udget Foot ball Ġsubsid ized Ġfirst hand Ġcoinc ide oc ular Con n ĠColl abor Ġfool s am ura ah ar r ists Ġsw ollen Ġexp ended ĠP au s up Ġsp ar Ġkey note s uff Ġunequ al Ġprogress ing str ings ĠGamer gate Dis ney ĠEle ven om nia Ġscript ed Ġear ners bro ther ĠEn abled æ ³ Ġlar vae ĠL OC m ess Wil son ĠTem plate success fully Ġparam ount Ġcamoufl age Ġbind s ĠQu iet ĠSh utterstock r ush Ġmasc ot fort une ĠCol t ĠBe yon hab i Ġha irc Ġ26 7 ĠDe us Ġtw itch Ġconcent rating Ġn ipples c ible Ġg ir N Z M ath n ih Requ ired Ġp onder ĠS AN Ġwedd ings Ġl oneliness N ES ĠMah jong 69 5 add le ĠGar ner ĠC OUR Br idge Ġsp ree ĠCald well Ġbri bery Ġ���� ���� plug ins Ġr acket Ġchamp agne vers ible V ote Ġmod ifiers May or 6 80 Ġassemb lies ĠS ultan ĠN ing ĠLad ies Ġsulf ur Ġor bs Ġ---- - ____ ___ ĠJournal ism Ġes ports Ġl ush Ġh ue Ġspect ral H onest ãĥ ı Ġbus hes Ġrein forcement Ġre opened ĠWhe els ĠM org rie ving Ġaux iliary Ġj Query ĠB AT tes que Ġver tex p ure f rey ãĤ º d os Ġty ph Ġc ull Ġe q Ġdec on Ġtoss ing Ġdispar ate ĠBr igham print f led ged Ġsu nd Ġco zy Ġhepat itis per forming Ġav al ĠG G f uture Ġpet ertodd ĠKos ovo Ġmagn ets Al ready ĠEd ison ĠCe res ĠRA ID Ġbrill iance 57 6 Ġder ives Ġhypert ension ĠÎ Ķ Ġlamb da Ġfl air Ġmission aries Ġrap es ĠSt arter ĠMon ths Ġdef y Ġseism ic ĠR aphael Ġeuro zone 65 6 z sche Ġscr atched Ġb ows ĠLenn on ĠGa ia Ġdri pping f acts A le Ġfrog s ĠBre ast ogene ity ĠProsecut or Ġampl ified ĠHod g ĠF n Th ousands ĠNI H ĠMonitor ing FT WARE ĠPri ebus ĠG rowing hun ter Ġdiagn ose ĠM ald ĠL R Ġcrown ed Ġburst ing Ġdiss olution j avascript Ġuseful ness ĠExec ution : ( ĠIv ory a ah Ġpersecut ed viol ence ist as ĠCr ate Ġimpuls es ĠSp ani ed es Hand le ĠZ erg think able Last ly Ġspont aneously Ġinconven ient Ġdismiss ing Ġpl otted Ġeight y Ġ7 37 r ish ĠThor nton ath am Ġsit com V en Rec ipe t el l und Ġcle ars ĠSas uke Ġ25 8 Ġopt ing Ġen raged est hetic ĠA e uch s Pre p Fl ow Ġrun off ĠE ating ĠG iles ĠAct ing res ources ib aba Ġr pm Ġske wed ĠBl anc ĠS akuya Ġhot ter Ġ19 24 op ian ck o Ġcr umbling Ġcapt ains ĠAppropri ations le aders dro pping an uts Ġrevers ing ĠP ose ĠS ek Sc ot ĠIde a c ise ĠSloven ia Ġ3 17 Do ctor Ġcro cod ald i Se a ĠFar rell Ġmerc enaries ĠR NC ĠGu ess Ġp acing M achine Streamer Bot ĠChar ity Ġ29 8 Ġcann ons ĠTob y TPP StreamerBot ĠPass ion cf g Th om Ġbad ges ĠBern stein . âĢĵ ĠP OP ĠCon j Ġinitial ization Ġbiod iversity D ub Ġfeud al Ġdisclaim er Ġc row Ġign ition ar f S HA Ġk Hz h azard ĠArt ists oe uv 67 9 ĠRud y N ine ĠRam adan å ½ itt o Ġadren aline C ert Ġsmell ed Ġimp unity Ġag endas ĠRe born ĠCon cent ĠSe ems Ġo mega ĠDust in Ġback er ĠSau ce ĠBoy le W IN Ġsp ins Ġpa uses u pt Ġshred ded Ġstra pped ĠCor ruption Ġscr atches Ġn i Ġatt ire ĠS AF Factory Reloaded ĠI PS Ġ( % Ġsem inar f ocus c ivil Ġ18 60 int osh Ġcontin ual Ġabbre vi ĠS ok oc obo X M Ġfr antic Ġunavoid able Ġar tery Ġannot ations b ath Cl imate Ġd ors ĠSl ide co ord ĠRel oad ĠL DL ĠLove craft Ġunim agin Ġresemb led Ġbarr acks n p Ġsurrog ate Ġcategor ized ãĤ © Ġvacc inated Ġdrain age Ġind ist ĠWhats App Ġ18 70 oler ance inv oke am orph Ġrecon nect Ġem anc Ġblind ness Ġ12 80 intern et c ollar Ġalt ru Ġab yss ĠT RI 65 7 Ġinf used HE AD Ġforest ry ĠWood y ĠC i w i s am 78 4 hol iday Ġmog ul ĠF ees ĠD EN In ternal ur bed f usc at om ĠIll usion Ġpoll ed Ġfl ap Ġco ax L GBT An aly ĠSect ions ĠCalif orn em n Ġh ither ĠN IGHT Ġn ailed ĠPip eline 39 1 o of ĠPr imal vere nd Ġsl ashing Ġret ri avi our Ġdepart ing g il IS C Ġmid way Ġultras ound Ġbeh aving ĠT ara class es V irtual ĠColon ial Ġstri pping Ġorchestr ated ĠGra ves 45 2 ĠIron ically ĠWrit ers Ġl ends ĠMan z Ġra ven Ġoxid ative Ġ26 6 EL F act ually asc ar D raft Ġfavour able Ġhumili ating Ġf idelity ĠH of ĠX uan 49 6 Ġlay ered at is 79 0 Ġpay check it on K ar ĠVM ware ĠFar mer Ġserv ic gl omer Ġsl ump ĠFab ric ĠD OC est ing Ġreass ure Ġph yl v olt it ory R ules Ġoxid ation Ġpri zed Ġmist ress ĠDj ango WAR N å ij Ġenc ode ĠFeed back Ġstupid ity I an ĠYugoslav ia × ¨ ac l UT E 19 77 Ġqual ifies Ġpuls es pret ty Ġfro ze Ġs s Iter ator Ġur gently Ġm ailed ĠCh am Ġsust aining Ġbas il Ġpupp ies il ant ĠP LEASE l ap ace ous F ear ĠMaster y aut omatic ĠT AG Ġant im ag les 47 3 fram es Ġwh ispers ĠWho ever Ġbra very ĠUK IP ract ions "" " Ġt ame Ġpart ed every thing CON T Ġind ebted Ġadd r re k IR ED Ġem inent cl inton Ġo usted Ġreview er Ġmelt down Ġre arr ĠY ao the real aby te Ġst umbling Ġbat ches Ġ25 9 Ġcontrace ptive Ġprost itute ens is De cl ĠSt rikes M ilitary ĠO ath v acc pp ings 05 2 Ġpart Name amp ing Rep orts K I CH R Ġsubt ly sw ers Bl ake us ual Ġcontest ants Ġcart ridges ĠGRE AT Ġbl ush ĠâĢ º 47 2 Ġreason ed ãĥ ¤ paralle led Ġd yn ag ate Ġnight ly å Ĩ 55 6 Ġsem antic ĠAdv oc Ġ !! Ġdisag rees ĠB W V eh Ġharm ing Ġembr aces Ġstri ves Ġin land ĠK ard Ġhe ats ĠGin ny ut an ern aut yl ene ĠE lev J D Ġh ars ĠStar r Ġsk ysc Ġcollabor ators Us ually Ġrev olutions ĠSTAT S Ġdism antle Ġconfident ly Ġkin etic Al i Ġpercent ile Ġextract ing ill ian est ead Ġphysic ists ĠMarsh al Ġfell owship Ġd ashed ĠU R ĠSi oux ĠComp act am ide P ython ĠLe igh ĠPharm ac ist rates her ical Ġf ue ĠE min Ġ( { ĠNeighbor hood Ġdisrupt ing ĠD up Ġg land ĠSe v ĠMar ian arg on ĠD und Ġ< !-- Ġstr and Ġstadium s z os Ġpsych osis ĠR ack Ġbrilliant ly ï¸ ı Ġsubmer ged ĠInst it ĠCh ow Ġc ages ĠH ats ĠU rs Ġdil uted us at ien ne ĠMembers hip ĠBur k Ġ ie Ġarche type D rug ult on ĠSp ock ĠMcK ay ĠDep end F eatured S oc 19 78 ĠB ere Ġrelent lessly Ġcripp ling Ġar thritis çĶ Ł ĠTrop ical ĠBul g ĠCher yl Ġadm irable Ġsub title Over ride Ġorig inating ĠC CP Ġsw ore ĠSo le ĠDis orders 3 29 Ġprocess ion Ġref urb Ġimm ersed requ ently Ġskept ics Ġcer amic m itter en stein b elt ĠT IT b idden Ġf ir m ist > ] Ġwe ave ĠParad ox Ġentr usted ĠBarcl ays Ġnovel ist og ie 80 6 Ġnin ety Ġdisag reements @@@@ @@@@ ĠAus chwitz c ars ĠL ET t ub arant ine P OS Ġback story Ġcheer ful ĠR ag ek a bi ased Ġinexper ienced ak ra ĠW itt t an Ġrap ist Ġplate au ch al ĠInqu is exp ression Ġc ipher Ġsh aving add en re ly ( \ ism a ĠReg ulatory CH AR ily n N VIDIA G U Ġmur m la us Christ opher Ġcontract ual ĠPro xy ĠJa ime ĠMethod ist Ġstew ards st a per ia Ġphys iology Ġbump ed Ġf ructose Austral ian ĠMet allic ĠMas querade ar b Ġprom ul Ġdown fall Ġbut cher Ġb our ĠIN FORMATION ĠB is pect s ad ena Ġcontempl ating ar oo cent ered ĠPe aks Us ed Ġmod em Ġg enders Ġ8 000 37 1 Ġm aternity ĠR az Ġrock ing Ġhandgun s ĠD ACA Aut om ĠN ile Ġtum ult ĠBenef it ĠAppro ach works hop ĠLe aving G er inst ead Ġvibr ations Ġrep ositories 49 7 ĠA unt ĠJ ub ĠExp edition Al pha Ġs ans Ġoverd ue Ġoverc rowd Ġlegisl atures Ġp aternal ĠLeon ardo Ġexp ressive Ġdistract ions Ġsil enced tr ust Ġb iking Ġ5 60 Ġpropri et Ġimp osition Ġcon glomer Ġ= ================================================================ ĠTe aching ĠY ose int ensive T own Ġtroll ing ĠGr ac ĠAS US Y o Ġspecial s ĠNep h ĠGod zilla Dat abase ĠHe gel Ġ27 2 19 76 ĠGl oria Ġdis emb ĠInvestig ations ĠB ane ag ements St range Ġtre asury ĠPl ays Ġundes irable Ġwid ening Ġverb ally Ġinf ancy Ġcut ter f ml Ġ21 00 prot otype f ine Ġdec riminal Ġdysfunction al Ġbes ie ĠErn st z eb Ġnort heastern Ġa ust por ate ĠMar lins Ġsegreg ated ew orld ĠMa her Ġtra verse Ġmon astery ur gy G ear s and Com pl ĠE MP Ġpl ent ĠMer cer Ġ27 6 TA BLE Config uration H undreds Ġpr ic Ġcollabor ating ĠPar amount ĠCumm ings Ġ( < Ġrecord er Ġfl ats Ġ4 16 wh ose Font Size ĠOr bit Y R Ġwr ists Ġb akery ) } ĠB ounty ĠLanc aster Ġend ings acc ording ĠSal am e asy 75 5 ĠBur r ĠBarn ett onom ous Un ion Ġpreced ence ĠScholars hip ĠU X Ġroll out Ġbo on al m ĠCan ter æ µ Ġround ing Ġcl ad Ġv ap ĠF eatured is ations Ġ5 40 pol ice Ġunsett ling Ġdr ifting ĠLum ia ĠObama Care ĠF avor Hy per ĠRoth schild ĠMil iband an aly ĠJul iet H u Ġrec alling a head 69 6 Ġunf avorable Ġd ances O x Ġleg ality Ġ40 3 rom ancer Ġinqu ire ĠM oves \ "> ĠVari ant ĠMess iah ĠL CS ĠBah á 75 6 Ġeyeb row Ġ ¥ ĠMc F ĠFort y M as Ġpan icked Ġtransform ations q q Ġrev olves ring e ĠA i ax e Ġon ward ĠC FR ĠB are log in Ġliqu ids Ġde comp second ary il an ĠCon vert ami ya Ġprosecut ing Ġâī ¡ ĠYork ers ĠByr ne sl ow aw ei J ean Ġ26 9 ĠSky dragon Ġ é ĠNicarag ua ĠHuck abee ĠHigh ly Ġamph ib ĠPast or ĠL ets Ġbl urred Ġvisc eral ĠC BO Ġcollabor ated z ig Leg al Ġapart heid Ġbr id Ġpres et ĠD ET ĠAM A × Ķ arch ing auc uses build er Ġpo etic Ġem ulator ĠMole cular Ġhon oring ise um Ġtract or ĠCl uster ĠCal m ared evil Ġsidew alks Ġviol in Ġgeneral ized ĠAle c Ġemb argo Ġfast ball ĠHT TPS ĠL ack ĠCh ill ri ver C hel ĠSw arm ĠLev ine ro ying L aunch Ġkick er Ġadd itive ĠDe als W idget cont aining Ġescal ate ĠOP EN Ġtwe aked Ġst ash Ġsp arks ĠEs sex ĠE cc Ġconv ict Ġblog ging I ER ĠH L Ġmurd erers 75 9 ĠH ib Ġde pl ĠJ ord S ac Ġdis sect ĠHow e os her Ġcustom izable ĠFran z Ġat ro Ä ĩ Ġ000 4 Ġout post R oss Ġglyph osate ĠHast ings ĠBE FORE Ġsh ove o pped ĠSc ala Ġam ulet an ian Ġexacerb ated Ġe ater 47 1 UM E Ġpul p izont al ĠZ am ĠAT I imm une aby tes Ġunnecess arily ĠC AT ĠAx is Ġvisual ize à ī ĠRad ical f m Doc uments ĠFor rest Ġcontext ual ĠSy mbol Ġtent ative ĠDO ES ĠGood s Ġintermitt ent } : medi ated Ġridic ule Ġathe ism Ġpath ogens ĠM um Ġre introdu Ġ30 7 i HUD Ġflash light Ġsw earing Ġp engu B u Ġrot ated ĠCr ane Ġ() ); Ġfashion able Ġendors ing 46 3 ) [ Ġingest ion Ġcook s Ġ9 50 ot omy ĠIm am Ġk a Ġte aser ĠGhost s ĠãĤ µ 19 69 Ï ĥ ub by Ġconver ter zan ne end e ĠPre par ĠNic kel ĠChim era h im ĠTyr ann ĠSabb ath ĠNich ols Ġra pt ih ar Ġshe lling Ġillum inate Ġdent ist ut or ĠInteg ration Ġwh ims ĠLiter ary Be aut Ġp archment ag ara Br and Ġder og â̦ ) ĠNor se Ġunw itting Ġc uc Ġborder line Ġupset ting Ġrec ourse Ġd raped ĠRad ar Ġcold er ĠPep si im inary ], [ 65 8 V i ĠF rem ĠP es Ġveter inary ĠT ED ĠEp idem n ova k id Ġdev out o ct j ad M oh ĠP AY Ġge ometric Ġ3 23 Ġcircum ference ich ick 19 75 ĠY uri ĠSh all ĠH over un in S pr Ġg raft ĠHapp iness Ġdisadvant ages att acks Ġhub s ĠStar Craft é ĸ Ġgall eries ĠKor ra Ġgrocer ies ĠGors uch Ġrap ists Ġfun gi ĠTyph oon V ector ĠEm press b attle 4 68 Ġparas ite ĠBom ber S G ex ist ĠP f Ġun se Ġsurge ons B irth ĠUn sure ĠPrint ed ĠBehavior al ĠA ster Pak istan Ġun ethical Ġs v ĠIo T Ġlay outs P ain Ġconst ants ĠL W ĠB ake Ġtow els Ġdeterior ation ĠBol ivia Ġblind ed ĠW arden ĠMist ress Ġon stage Ġcl ans ĠB EST 19 60 Ġant ique Ġrhet orical ĠPer cy ĠRw anda , . B ruce Ġtra umat ĠParliament ary Ġfoot note id ia ĠLear ned se eking gen ic Ġdim ensional H ide èĢ ħ Ġintrig ue in se Ġle ases Ġapp rentices w ashing Ġ19 26 V ILLE Ġsw oop s cl Ġbed rooms on ics ĠCr unch comp atible Ġincap ac ĠYemen i ash tra z hou d anger Ġmanifest ations ĠDem ons AA F Secret ary ACT ED L OD Ġam y ra per eth nic 4 17 Ġpos itives Ġ27 3 ĠRefuge es Ġus b ĠV ald odd y ĠMahm oud As ia Ġskull s ĠEx odus ĠComp et ĠL IC ĠM ansion ĠA me Ġconsolid ate storm s ont ent 99 6 Ġcl en Ġm ummy fl at 75 8 ĠV OL oter ic n en ĠMin ute S ov Ġfin er R h ly cer Ġreinforce ments ĠJohann es ĠGall agher Ġgym n S uddenly Ġext ortion k r i ator T a Ġhippocamp us N PR ĠComput ing Ġsquare ly Ġmod elling ĠFor ums ĠL isp ĠKrish na Ġ3 24 Ġr ushes Ġens ued Ġcre eping on te n ai il ater ĠHorn ets Ġob livious IN ST 55 9 Ġjeopard y Ġdistingu ishing j ured Ġbeg s sim ilar ph ot 5 30 ĠPark way Ġs inks ĠHearth stone ib ur ĠBat on Av oid Ġd ancer Ġmag istrate ary n Ġdisturb ances ĠRom ero Ġpar aph Ġmis chief âĸ ĵ ĠSh aria Ġur inary r oute iv as f itted Ġeject ed ĠAl buquerque Ġ4 70 Ġirrit ated ĠZ ip ĠB iol à į Ġden ounce Ġbin aries ĠVer se Ġopp os ĠKend rick ĠG PL Ġsp ew ĠEl ijah ĠE as Ġdr ifted so far Ġannoy ance ĠB ET 47 4 ĠSt rongh it ates ĠCogn itive oph one ĠIdent ification ocr ine connect ion Ġbox er ĠAS D ĠAre as Y ang t ch ull ah Ġdece ive Comb at ep isode cre te W itness Ġcondol ences ht ar Ġhe als Ġbuck ets ĠLA W B lu Ġsl ab ĠOR DER oc l att on ĠSteven son ĠG inger ĠFriend ly ĠVander bilt sp irit ig l ĠReg arding ĠPR OG Ġse aling start ing Ġcard inal ĠV ec ĠBe ir Ġmillisec onds we ak per se Ġster ile ĠCont emporary ĠPh ant ĠCl o Ġout p Ġex iled Ġ27 7 Ġself ie Ġman ic Ġn ano ter ms Alex ander Ġres olves Ġmillenn ia Ġexpl odes Ġconst ellation Ġadul tery m otion D OC Ġbroad casters Ġkinderg arten ĠMay weather ĠE co ich o Ġ28 7 l aun Ġm ute Ġdisc reet Ġpres chool Ġpre empt De lete ĠFre ed P i H K Ġblock er ĠC umber Ġw rought d ating Ġins urer Ġquot as Ġpre ached Ġev iction ĠReg ina ĠP ens Ġsevent een ĠN ass D ick Ġfold s Ġd otted ĠA ad Un iversal Ġp izz ĠG uru Ġso ils Ġno vice ĠNe ander Ġst ool Ġdeton ated ĠPik achu ĠMass ive IV ER ĠAb del Ġsubdu ed Ġtall est Ġprec arious Ġa y r ification ĠOb j c ale Ġun question cul osis ad as igr ated D ays Ġque ens ĠGaz ette ĠCol our ĠBow man ĠJ J ï ve Ġdomin ates Stud ent Ġm u Ġback log ĠElect ro Tr uth 48 3 Ġcond ensed r ules ĠCons piracy Ġacron ym hand led ĠMat te j ri ĠImp ossible l ude cre ation Ġwar med ĠSl ave Ġmis led Ġfer ment ĠK ah ink i ke leton cy l ĠKar in Hun ter Reg ister ĠSur rey Ġst ares ĠW idth ĠN ay ĠSk i Ġblack list uck et Ġexp ulsion im et Ġret weet vant age Fe ature Ġtro opers Ġhom ers 9 69 Ġconting ency ĠW TC ĠBrew er fore ign W are S olar Ġund ue RE C ulner able path ic ĠBo ise Ġ3 22 Ġarous ed ĠY ing ä¸ į uel ess Ġp as Ġmor p Ġfl oral Ex press ud ging k B ĠGr anted Ø ¯ ĠMich a ĠGoth ic ĠSPEC IAL ĠRic ardo F ran Ġadminister ing 6 20 por a Ġ ® Ġcomprom ises Ġb itten Ac cept Th irty Ð ² Ġmater ially ĠTer r ig matic ch ains Ġdo ve stad t Mar vel FA ULT Ġwind shield Ġ3 36 ad ier Ġsw apping Ġflaw less ĠPred ator ĠMiche le Ġprop ulsion ĠPsych ic Ġassign ing Ġfabric ation Ġbar ley l ust Ġtow ering Ġalter cation ĠBent ley Sp here Ġtun a ĠClass es Fre edom un er L ady v oice Ġcool est or r Ġpal p $ { Ġhyster ia ĠMet atron p ants Ġspawn ing Exper ts ĠInvest ors ĠAn archy Ġshr unk ĠVict im Ġ28 9 Ġec stasy ĠB inding 58 5 ĠMel ody 57 8 ot ally ĠE tsy lig a Ġapplaud ed Ġswe ating Ġredist ributed Ġpop corn Ġsem inal f ur ĠNeuro science R and ĠO st ĠMadd en ĠIncre asing ĠDaw kins ĠSub way Ġar sen cons erv B UR Ġsp iked ĠLy ft ĠImper ium ĠDrop box Ġfav oured Ġencomp asses gh ost Ġins pires Ġbur geoning ĠY oshi ĠVert ical ĠAud itor Ġint ending Ġfilib uster Bl oom f ac ĠCav s ign ing Ġcowork ers ĠBarb arian rem ember FL AG Ġaudit ory ason ry Col lege Ġmut ed gem ony ob in ĠPsych o 9 68 Ġlav ish Ġhierarch ical ĠDr one ou k Ġcripp led ĠMax im Sl ot Ġqu iz ĠV id if ling Ġarchae ologists Ġabandon ment d ial le on ĠF as T ed Ġr aspberry Ġmaneu vers Ġbehavi ours Ġins ure Ġrem od Sw itch h oe Ġsp aced Ġafford ability ĠF ern not ation ĠBal anced Ġoccup ies en vironment Ġneck lace Ġsed an F U ĠBrav o Ġab users ĠAn ita met adata ĠG ithub ait o ĠF aster ĠWass erman ĠF lesh Ġth orn r arily ĠMer ry w ine Ġpopul ace ĠL ann Ġrepair ing Ġpsy che Ġmod ulation aw aru âĢĭ âĢĭ ari j Ġdecor ations Ġapolog ise ĠG arg app ly Ġgive away ĠFl an ĠWy att U ber Ġauthor ised ĠMor al HAHA HAHA activ ate Ġtorped o ĠF AR Ġam assed ĠA ram ark in ĠVict ims st ab Ġo m ĠE CO Ġopio ids Ġpurpose ly ĠV est Ġer g at an ĠSur gery Ġcorrect ing ĠOrt iz ĠBe et Ġrev oke Ġfre eway ĠH iggins F ail ĠFar ms ĠAT P h ound Ġp oking ĠCommun ists mon ster iment ary Ġunlock ing Ġunf it we ed en ario at ical ĠEnlight enment ĠN G ĠComp ensation de en ĠWid ow ĠCind y ĠAfter wards Ġ6 000 ikh ail ag ically Ġrat ified Ġcasual ty H OME p sey f ee Ġspark ling Ġd é Ġconcert ed C atal Ġcomp lying ĠA res ĠD ent Sh ut Ġsk im ad minist Ġhost ilities ĠG ins Ġ6 08 Ġm uddy ĠMc Int ĠDec ay 5 25 Ġconspic uous ĠEx posure Ġresc ind Ġwear able Ġ3 28 our met ah s ĠRob ots Ġe clips inst ance ĠRE PORT ĠApp l 0 30 ĠSk ies 01 00 Ġfall acy S ocket ĠRece iver Ġsol ves ĠButter fly ĠSho pping ĠFI RE 65 4 Med ic Ġsing ers ĠNeed less '' '' isher s ĠD ive 58 8 Ġselect ively Ġcl umsy 88 9 Ġpurch aser ear ned ard y Ġbenef iting eng lish Ġyield ing ĠP our Ġspin ach Ġdel ve ĠC rom 6 10 Ġexport ing ĠMA KE Ġ26 3 Ġg rop Ġenv oy ĠInqu iry ĠLu igi d ry ĠT uring Thumbnail Image ĠVar iety Ġfac et Ġfl uffy Ġexcerpt s Ġsh orth ĠOl sen CL UD Ġrel iant ĠUN C T our Ġbat hing Comp any Ġglobal ization P red ĠMalf oy Ġh oc j am craft ed ĠBond s ĠKiss inger Eng land Ġorder ly cat entry Ġ26 1 Ġexch anging ĠInt ent ĠAmend ments D OM Ġst out ³³³³³³³³ ³³³³³³³³ ĠAir bus Ġ27 8 hy de P oll Item ThumbnailImage Ġlooph oles ĠPill ar Ġexpl or St retch A part Ġun married Lim it ĠTransform ers Ġintellect ually unct ure 18 00 Ġd arn B razil Ġleft over ber us f red Mine craft 3 26 ĠForm s Ġproof s ĠDes igned Ġindex es ĠSupp ose EM S ĠL oving ĠBon nie im ating OT US Ġconduct or Ġbehav ed ĠF ren Ġsy nerg Ġmillenn ium Ġcater ing ĠL auder W r ĠY iannopoulos ĠAT F Ġensl aved Ġawaken ed D VD ĠED ITION ĠConc ert ĠChall enger ĠH aku umer ic Ġdep recated ĠSH AR 4 12 Ġdy stop Ġtremb ling Ġdread ed ĠSp ac p adding Re pl ĠG arrison M ini Ġun paralleled am ar URR ENT w reck c ertain t al ĠC LS app ings Ġsens ed Ġf encing ĠPas o ĠDes k Ġsc off Ġcontem plate ĠL iga l iquid 75 7 Ġapp rentice ĠUCH IJ 5 70 ĠTh ousand ĠIll um Ġchampion ed ãĤ Į Ġelect ors Ġ3 98 ĠH ancock round ed ĠJ OHN Ġuns atisf Ġqual ifier ĠGad get EN E Ġdead liest ĠPl ants Ġ ions Ġacc ents Ġtwe aking Ġsh aved F REE ĠCh aser Again st 9 60 Ġmeth amphetamine Ġnormal ized Ġ$ \ ĠPre cision ĠGu am Ġch oked ĠX II ĠCast ing Tor rent Ġscal p ĠJagu ar w it Ġsem ic ix ie ĠG ould Ġconf ines N usra ĠL on ĠJ ugg y cle ĠCod ec E gypt Ġrest rain ĠAl iens Ġch oking ĠD unk ĠBell a ab c Ġsl ang Ġneuro trans s av Ġempower ment â ĨĴ Ġclim bers ĠM im ĠF ra ros se Cap ital ĠCth ulhu Inter face Ġprof icient ĠIN TO Ġ3 18 ront al 5 80 ĠDes pair K enn Ġscrim mage ĠCo at as ions Ġwall paper ĠJ ol Ġresurg ence Ġant iv ĠB alls ² ¾ Ġbuff ers Ġsub system ĠSt ellar ĠL ung A IDS Ġerad icate Ġblat antly Ġbehav es ĠN un Ġant ics ex port DE V w b Ġph p ĠInteg rity Ġexplore r Ġrev olving auth ored g ans Ġbas k Ġas ynchronous å į TH ING 69 8 G ene ĠR acer ĠN ico iss ued Ġser mon p ossibly Ġsize of Ġentrepreneur ial ox in ĠMin erva Ġpl atoon n os ri ks A UT ĠAval anche ĠDes c ij 士 ĠP oc Ġconf erred Î » Ġpat ched F BI 66 2 Ġfract ures Ġdetect s Ġded icate Ġconstitu ent Ġcos mos W T Ġswe ats Ġspr ung b ara s olid Ġuns us Ġbul ky ĠPhilipp e ĠFen rir Ġtherap ists ore al ^^ ^^ Ġtotal ed Ġboo ze ĠR PC Prosecut ors Ġdis eng ĠSh ared Ġmotor cycles Ġinvent ions Ġlett uce ĠMer ge ĠJ C Ġspiritual ity ĠWAR NING Ġunl ucky ĠT ess Ġtong ues ĠD UI T umblr Ġle ans Ġinv aders Ġcan opy ĠHur ricanes ĠB ret ĠAP PLIC id ine ick le Reg arding Ġve ggies Ġe jac ju ven F ish D EM ĠD ino Th row ĠCheck ing be ard ( & Ġj ails Ġh r trans fer iv ating Ġfle ets ĠIm ag ĠMc Donnell Ġsnipp et Is a ĠCh att ĠSt ain ĠSet FontSize ĠO y ĠMathemat ics 49 4 Ġelectro ly ĠG ott ĠBr as B OOK ĠF inger d ump Ġmut ants Ġrent als Ġinter tw Ġc reek ail a Bro ther ĠDisc ord pe e raw ler Ġcar p Ġ27 9 ãĤ· ãĥ£ rel ations Ġcontr asts Col umn Ġrec onnaissance Ġun know Ġl ooting Ġregul ates Ġopt imum ĠChero kee ĠA ry Lat est Ġroad side Ġd anced ĠUnic orn A cknowled Ġuncont roll ĠM US at io ch ance ha ven VAL UE Ġfavour ites Ġceremon ial b inary pe ed wood s EM P Ġv ascular Ġcontempl ated Ġbar ren ĠL IST Y ellow ospons ors Ġwhisk y ĠM amm ĠDeV os min imum H ung 44 2 P ic ĠSnap dragon 77 6 Ġcar ving Ġund ecided Ġadvantage ous Ġpal ms ĠA Q Ġst arch L oop Ġpadd le Ġfl aming ĠHor izons An imation bo ost Ġprob abilities ĠM ish Ġex odus ĠEditor ial Ġfung us Ġdissent ing ĠDel icious rog ram ĠD yn d isk t om Ġfab rics ĠC ove ĠB ans Ġsoft en ĠCON S Ġin eligible Ġestim ating ĠLex ington pract ice of i Ġshe dding ĠN ope Ġbreat hed ĠCorinth ians y ne ek i B ull Ġatt aching reens hots Ġanaly se ĠK appa Ġuns ustainable Ġinter pol ank y he mer Ġprot agonists Ġform atted ĠBry ce ĠAch illes ĠAb edin sh ock Ġb um b os qu a ĠW arn q t ĠDi abetes 8 64 ĠIn visible Ġvan ish Ġtrans mitting Ġmur ky ĠFe i Ġawa ited ĠJur assic umm ies Ġmen acing g all C ath B uilt ild o ĠV otes Ġon t Ġmun itions ĠFre em ÃŃ n Ġdec ency lo pp ie ved ĠG ord Ġun thinkable ĠNews week Ġ3 21 He at Ġpresent er ji ang Ġpl ank ĠAval on Ġben z ĠR out Ġslam ming ĠD ai ou ter ĠCook ie ĠAlic ia ge y Ġvan ity Ġow l á µ t ested ĠAw akens Ġcan v Ġblind ly ĠRid ley ĠEm ails Requ ires ĠSer bian ograp hed if rame eter ia Ġaltern ating qu iet Ġsoc iology ĠUn lock ĠCommun ism Ġo ps Ġatt ribution Ġab duction ĠAb ram Ġsidel ined ĠB OOK Ġref ining ĠFe eling ĠOs lo ĠPru itt r ack ang ible Ġcaut iously ĠM ARK eed s M ouse ĠStep h ĠP air S ab 99 7 ĠBa al B ec Ġcomm a ĠP all ĠG ael Ġmisunder stand ĠP esh Order able Ġdis mal ĠSh iny % " Ġreal istically Ġpat io ĠG w ĠVirt ue Ġexhaust ing wh atever oph ys y ip 4 18 Ad just ĠWa iting ess on ĠMaz da ĠDo zens Ġstream lined Ġincompet ence ĠM eth Ġeth os ON ES Ġincent iv Ġgr itty ĠBut cher Head er Ġexp onential Ã Ł Ġcorrel ate Ġcons ensual s ounding R ing Orig in Ġcon clusive fe et ac ly ĠF ernandez Buy able Ġd ucks aunt lets Ġel ong Ġ28 6 Ġsim ul G as ĠK irst Ġprot r ĠRob o ĠAo E op ol Ġpsych ologically sp in ilater ally ĠCon rad W ave 44 1 ĠAd vertisement ĠHarm on ĠOri ental is Special Ġpresum ptive Ġw il ĠK ier ne a Ġp pm Ġhar bour ĠW ired comp any Ġcor oner atur days ĠP roud ĠN EXT ĠFl ake val ued ce iver Ġfra ught Ġc asing Ġrun away Ġg in ĠLaure nt ĠHar lem ĠCur iosity qu ished Ġneuro science ĠH ulu Ġborrow er Ġpetition er ĠCo oldown W ARD Ġinv oking conf idence For ward Ġst s pop ulation Delivery Date Fil m ĠC ov quick Ship quickShip Available prim ary isSpecial Orderable inventory Quantity channel Availability BO X ĠMulti player ĠJen ner 77 8 ĠM d Ġ~ /. M N Ġchild ish Ġantioxid ant ĠChrom ebook Ġ27 4 Ġscreen play Ġadvent urous ĠRelations hip respons ive ming ton Ġcorner stone ĠF ey F IR Ġrook ies ĠF eaturing Ġorig inate Ġelectro des ant es Ġscript ures Ġgl ued Ġdiscont ent Ġaff licted lay out B rave Ġm osa ĠQuant ity ĠH ik w inner H ours Ġent ail ĠCell s olog ue Ġv il Ġpre acher Ġdecor ative d ifferent Ġprejud ices ĠSm oking ĠNotting ham so Type Ġrhyth ms ĠAl ph bl ast Ste el ĠDaniel le Ġstr ife Ġrem atch so DeliveryDate ĠF ork t rip ol ulu hes es C G ĠPOLIT ICO ost a ĠDr ift é¾įå ¥ é¾įå¥ ij士 Ġvet ting ĠJin ping ĠRec ession Min or ĠF raud enf ranch Ġconven ed ĠNA ACP ĠMill ions ĠFarm ing ĠW oo ĠFl are rit o imm igrant Ġvac ancy ĠHE AD ĠV aj eg al ĠV igil Stud y Ġru ining Ġr acks Ġhe ater ĠRand olph ĠBr ush ĠT ir Ø ¨ Ġc ov % ] Ġrecount s ĠO PT ĠM elt Ġtr uce Ġcas inos Ġcrus ade Ġcarn age Ġstri pe ĠK yl Text ures Ġ6 98 Ġpro clamation Ġgood ies Ġ........ .. pro claimed P olit Ġtop ical Ġspecial ize ĠA min g m Ġanch ored Ġbear ings s ample ĠHigh land ĠAut ism Ġmerc enary Ġinterview er L ER ĠSom ers Ġembry o ĠAss y Ġ28 1 ĠEd iting ĠCh osen 6 60 Ġp ci ĠThunder bolt BI LL Ġchuck led jri wal h of Ġearth ly () { ind ependence Ġdisp ers ĠV endor ĠG areth Ġp als P enn ĠSub mit ic um Th u Ġcl andestine Ġcann ibal ĠCl erk E Stream gal itarian âĻ ¥ g ew Ġhor rend ĠL ov ĠRe action ocr in Class ic Ġecho ing Ġdiscl osing ĠIns ight og un ĠInc arn upload s pp erc guy en Ġ19 01 ĠB ars 68 7 Ġb ribes ĠFres no ur at ĠRe ese Ġintr usive Ġgri pping ĠBlue print ĠR asm un ia man aged ĠHeb do Ġ3 45 Ġdec oding Ġpo ets Ġj aws ĠF IGHT am eless ĠMead ows ĠHar baugh Inter view ĠH osp ĠB RA Ġdelet ion m ob W alker ĠMoon light ĠJ ed ĠSoph ia Ġus ur Ġfortun ately ĠPut ting ĠF old Ġsan itation Ġpart isans IS ON B ow ĠCON C ĠRed uced ĠS utton Ġtouch screen Ġembry os âĢ¢âĢ¢ âĢ¢âĢ¢ ĠK rug com bat ĠPet roleum Ġam d ĠCos mos Ġpresc ribing Ġconform ity ours es Ġplent iful Ġdis illusion ĠEc ology itt al Ġf anc Ġassass inated regn ancy Ġperenn ial ĠBul lets Ġst ale Ġc ached ĠJud ith ĠDise ases All en Ġl as Ġsh ards ĠSu arez ĠFriend ship inter face ĠSupp orters add ons 46 2 ĠIm ran ĠW im Ġnew found ĠM b An imal Ġd arling and e Ġrh y ĠTw isted pos al yn ski Var ious × ľ ĠK iw uy omi Ġwell being ĠL au an os Ġunm ist Ġmac OS Ġrest room ĠOl iv ĠAir ways Ġtimet able 9 80 Ġrad ios v oy ias co Ġcloud y ĠDraw ing Any thing Sy ria ĠH ert st aking Ġun checked Ġb razen ĠN RS 69 7 onom ic est ablish Ġl eng Ġdi agonal ĠF ior L air ĠSt ard Ġdef icient jo ining be am Ġomn ip Ġbl ender Ġsun rise Mo ore ĠF ault ĠCost ume ĠM ub Fl ags an se Ġpay out ĠGovern ors ĠD illon ĠBan ana N ar Ġtra iled Ġimperial ist um ann ats uki 4 35 ĠRoad s Ġsl ur ĠIde ally Ġt renches C trl Ġmir rored ĠZ el ĠC rest Comp at ĠRoll s sc rib ĠTra ils omet ers w inter Ġimm ortality il ated Ġcontrad icts un iversal ill ions ĠM ama opt im AT URE Ġge o et ter ĠCar lo 4 24 Ġcanon ical ĠStrongh old n ear Ġperf ume Ġorche stra od iac Ġup he Ġreign ing vers ive Ġc aucuses ĠD EM Ġinsult ed Ġ---- -- ĠCr ush Ġroot ing ĠWra ith Ġwh ore Ġto fu C md ĠB ree Ġ$ _ Ġr ive ĠAd vertising Ġw att ĠH O Ġpersu asive ĠParam eters Ġobserv ational ĠN CT ĠMo j ĠSal on Ġtr unc Ġexqu isite ĠMar a Ġpo op ĠAN N Ex c ĠWonder ful ĠT aco Ġhome owner ĠSmith sonian orpor ated mm mm Ġlo af ĠYam ato ĠInd o Ġcl inging á s Ġimm utable h ub Or ange Ġfingert ips ĠWood en ĠK idd ĠJ PM ĠDam n C ow c odes 48 2 Ġiniti ating ĠEl k ĠCut ting Ġabsent ee ĠV ance ĠLil ith G UI Ġobsc ured Ġdwar ves ĠCh op ĠB oko Val ues Ġmult imedia Ġbrew ed Reg ular CRIP TION ĠMort al Ġa pex Ġtravel er Ġbo ils Ġspray ing Rep resent ĠStars hip 4 28 Ġdisappro val Ġshadow y Ġlament ed ĠRe place ĠFran ç 67 7 d or Ġunst oppable Ġcoh orts gy n ĠClass ics ĠAm ph Ġsl uggish ĠAdd iction ĠPad res Ġins cription Ġin human min us ĠJere miah at ars Ter ror ĠT os ĠSh arma ast a c atch Ġpl umbing ĠTim bers Sh ar H al ĠO sc Ġcou pling hum ans Ġsp onge Ġid ols ĠSp a ĠAdv ocate ĠBe ats lu a Ġtick ing Ġload er ĠG ron 8 10 Ġstim ulated Ġside bar ĠManufact urer ore And 19 73 Ġpra ises ĠFl ores dis able ĠElect rical ra ise E th Ġmigr ated Ġlect urer K ids ĠCa vern Ġk ettle Ġgly c ĠMand ela ĠF ully å§ « FIN EST Ġsquee zing ĠRy der amp oo oreAnd Online Inst oreAndOnline Buyable InstoreAndOnline Ġcommem orate ĠRamp age Aust in ĠSh roud ĠRu ins 9 15 ĠK H Ġwater front ĠE SC b aby ĠC out ĠEm blem Ġequival ents 49 2 Un ique ĠNiet zsche brow ser Ġim itation ĠWere wolf ĠKir in ac as ' ," Ġà ¾ Review ed Ġc unt Ġvo ic ĠLen ovo Ġbond ed 48 1 Ġinhib itors Ġendeav ors ĠHav ana ĠSt out ĠJ olly A ctor */ ( Ġoccur rences ĠT ens Incre ased ĠACT ION Ġ ãĢĮ ĠRank ings ĠB reat Ġ30 9 D ou Ġimpact ing ĠDuc hess pre fix Q B Ġsummon ing Ġbest owed ĠKe pler ĠPOW ER c ube ĠK its ĠG rip Ġop ium Ġrep utable t oc ich ael ĠR ipple Ġcaf é ĠZ oom ĠBur ma Ġwa ive Ġst alls Ġdem eanor inc erity Ġfluor ide ĠSH OULD Par is Ġlong ing Ġpl at Ġgross ly Ġbull s Ġshowc asing ex pected ĠG addafi engine ering Re peat ĠK ut Ġconce ivable Ġtrim med osc ope ĠCand idate ĠT ears rol og Lew is S UP Ġroad map Ġsal iva Ġtrump et Jim my Ġmirac ulous Ġcolon ization Ġam put ĠGN OME ate ch D ifferent ĠE LE ĠGovern ments ĠA head ãħĭ ãħĭ word press L IB ĠIn clude ĠDor othy 0 45 ĠColomb ian Ġle ased 88 4 Ġde grading ĠDa isy i ations Ġbapt ized Ġsurn ame co x Ġblink ed ãĥ ¢ Ġpoll en Ġder mat Ġre gex ĠNich olson ĠE ater ç ľ rad or Ġnarrow er Ġhur ricanes Ġhalluc inations r idden ISS ION ĠFire fly Ġattain ment Ġnom inate Ġav ocado ĠM eredith Ġt s Ġreve rence Ġe uph Ġcr ates ĠT EXT Ġ4 43 Ġ3 19 J SON iqu ette Ġshort stop ic key Ġpro pelled Ġap i ĠTh ieves 77 9 Ġovers aw Ġcol i ĠNic ola Ġover cl ik awa ĠC yr Ġ38 4 78 9 ĠAll ows 10 27 Det roit TR Y set up ĠSocial ism Sov iet s usp ĠAP R ĠShut down Ġal uminium zb ek ĠL over GGGG GGGG Ġdemocr acies Ġ19 08 ĠMer rill ĠFranco is gd ala Ġtraff ickers ĠT il ĠGo at Ġsp ed ĠRes erv Ġpro d 55 2 Ġc ac ĠUn iv ĠSch we Ġsw irling ĠWild erness ĠEgg s Ġsadd ened Ġarch aic H yd Ġexcess ively B RE Ġaer ospace ĠVo ices Cra ig Ġign ited In itially ĠMc A Ġhand set Ġreform ing Ġfrust rations ĠDead pool ĠBel ichick ract or ĠRagnar ok ĠD rupal ĠApp roximately 19 20 ĠHub ble arm or ĠSar as ĠJon as Ġnostalg ic Ġfeas ibility Sah aran Ġorb iting Ġ9 70 R u Ġsh in ĠInvestig ators Ġinconsist encies ĠP AN B G Ġgraz ing Ġdetect ors ĠStart up ĠFun ny ĠNa omi Consider ing Ġh og ut f ce mic Ġfort ified ĠFun ctions Ġcod ec nut rition H at " ! micro soft 55 8 ĠTh in ĠA CE Al ias ĠO PS p apers P K ãĢ İ Ġimpro bable N orthern equ al Ġlook out Ġty res ĠMod ified ĠK op Abs olutely Ġbuild up sil ver Ġaud i Ġgro tesque ĠSab er ĠPres byter ON Y Ġglac iers ĠSho als ĠK ass ĠH RC ĠNic ol ĠL unch ĠF oss âĸ Ĵ AD RA ĠOne Plus o ing ground s Ġincident al Ġdatas ets 68 9 ĠClarks on Ġassemb ling ĠCorrect ions Ġdrink ers Ġqual ifiers Ġle ash Ġunf ounded ĠH undred Ġkick off T i Ġrecon cil ĠGr ants ĠCompl iance ĠDexter ity Ġ19 06 w arn D allas Max imum n ard av ia be aut ens itivity tr ace Ġpione ers ĠF ract ãĢ ı Ġpre cept Ġgloss y ĠI EEE Ac ross Ġ6 80 S leep che on Ġsatir ical ĠMin otaur ĠCla ude Ġr é ape go Ġcar rot ĠSem in ino a Ġz o Ind ependent Ġdiagn oses ĠC ue M AR Ġrend ition ĠK ik Ġpath ology Ġselect s Link edIn Ġass ay ĠD res Ġtext ual post ed IT AL ĠM aul N eal Ġinter connected Ġerr atic ĠVir us Ġ5 30 Ġenvironmental ists ĠP helps Ġeng agements ĠIN ST Ġeconom ical nox ious Ġg earing izz y Ġfavor ably ĠMcG ill T erm Ġh anged Ġball park ĠRe yes Ġbe ware ĠP sal ĠMass acre q i Ġin accessible acly sm Ġfr ay ill ac Ġbitter ly ĠCert ification Mich igan Ġir respective al ore Em pty Ġendorse ments Ġund et f g equ ipped Ġmerc iless ĠC ust Ġimm ature Ġvou cher ĠBlack well Ñ ı h awk dis ciplinary ile e ĠMak oto ĠD ude ãĥĩ ãĤ£ Y ears Ġin ver Ġsh aman ĠY ong ip el ell en ĠCath y br ids Ġs arc 65 1 N ear Ġground work Ġam az Ġ4 15 ĠHunting ton hew s ĠB ung Ġarbit rarily ĠW it ĠAl berto Ġdis qualified best os 46 1 Ġp c Ġ28 4 ro bat Rob in Ġh ugs ĠTrans ition ĠOcc asionally Ġ3 26 ĠWh ilst ĠLe y Ġspaces hip cs v Ġun successfully ĠA u le ck ĠWing ed ĠGrizz lies . � Ġne arer ĠSorce ress ĠInd igo El se 8 40 let es Co ach Ġup bringing ĠK es Ġseparat ist Ġrac ists Ġch ained Ġabst inence lear ning Ġrein stated Ġsymm etry Ġremind ers ĠChe vy Ġm ont Ġexempl ary ĠT OR Z X Ġqual itative ĠSt amp ĠSav annah ĠRoss i Ġp aed Ġdispens aries ĠWall s ĠCh ronic Ġcompliment ary ĠBeir ut Ġ+ --- igs list Ġcrypt ographic mas ters ĠCap itals Ġmax imal Ġent ropy Point s Ġcombat ants l ip ĠGl ob ĠB MC ph ase th ank HT TP Ġcomm uter Ġ\( \ .. / ĠReg ener ĠDO I ĠActiv ision Ġsl it os al RE M Ġch ants Y u Ke ys Bre xit ĠFor ced Ari zona Ġsquad ron IS O ĠMal one Ġ3 38 Ġcontrast ing Ġt idal Ġlib el Ġimpl anted Ġupro ar ĠC ater Ġpropos itions M anchester ĠEuro s it amin G il ĠEl ven ĠSe ek ĠB ai Ġredevelop ment ĠTown s ĠL ub ! ", al on K rist Ġmeas urable Ġimagin able Ġapost les Y N 7 60 Ġster oid Ġspecific ity ĠL ocated ĠBeck er ĠE du ĠDiet ary uts ch ĠMar ilyn Ġbl ister ĠM EP ĠK oz ĠC MS y ahoo ĠCar ney Ġbo asting ĠC aleb By te read s ad en Pro blem ĠWood ward S we S up ĠK GB Set up Ġtac it Ġret ribution Ġd ues ĠM ü . ? ä¸ Ń p ots Ġcame o ĠP AL educ ation A my like ly g ling Ġconstitution ally ĠHam m ĠSpe ak Ġwid gets br ate Ġcra ppy ĠI ter Ġanticip ating ĠB out P ixel ĠY ep ĠLaur ie Ġh ut Ġbullet in ĠSal vation Ġch ats ear able Honest ly AL TH onse qu c ult isco very ovy ch Ġse lves ĠSat oshi S ounds Ġconver gence ĠRosen berg 19 74 Ġnas al Ġfull est Ġfer ocious x us ist e AM S Ġlobb ied Ġso othing ĠGun n t oday 0 24 Ġinspir ational ĠN BN p b g ewater or ah all owed ĠCol iseum Ġspecial izing Ġinsane ly ĠT ape del ay Ġt arn ĠP ound Ġmel anch Ġdeploy ments il and Ġless en Ġfur ry ĠUE FA Ġblood shed ĠMe ier ither ing Ġhe irs ĠJ aw ax ter ĠPublic ations Ġal ters int ention ĠWinc hester d etermination ĠLif etime th in Mon ster 7 80 Ġapprox imation Ġsuper markets ĠSecond s or os h uge Ġb ribe ĠLIM ITED un ed Ġmis interpret ĠIn jury Ġ3 67 Ġthreshold s ĠCarn ival Ġgastro intestinal Ġguid eline Ġde ceived f eatures Ġpurported ly ĠRon nie ĠNew t Ġsp acious as us Ġsuperhero es ĠCyn thia le gged k amp ch io Ġth umbnail ĠShir ley ill ation Ġshe ds ĠZ y E PA Ġdam s Ġy awn n ah ĠPe ggy ĠE rie ĠJu ventus ĠF ountain r x don ald al bum ĠComp rehensive Ġc aching ĠU z ulner ability ĠPrinc iple ĠJ ian ing ers cast s ĠOs iris ch art t ile ĠTiff any ĠPatt on ĠWh ip Ġovers ized J e ĠCind erella ĠB orders ĠDa esh M ah Ġdog ma Ġcommun ists v u Coun cil Ġfresh water Ġw ounding Ġdeb acle Ġyoung ster Ġthread ed ĠB ots ĠSav ings ãģ Ĥ ol ing oh o Ġillum ination M RI Ġlo osen tr ump ag ency ur ion Ġmoment arily ĠCh un ĠBud apest ĠAl ley D isk Ġaston ished ĠCon quer ĠAccount ing h aving ĠWe in ĠAl right Ġrev olver Ġdel usion Ġrelic s Ġad herent qu ant Ġhand made or io Ġcomb ating c oded Ġquad ru re th N ik ĠTrib al ĠMyster ious Ġin hal ĠWin ning ĠClass ification ch anged Ġun ab Ġsc orn icip ated w l ond uctor Ġrein forcing ĠChild hood an ova Ġadventure r Ġdoctor al ĠStrateg ies Ġengulf ed ĠEnc ounter Ġl ashes Crit ical ric ular ĠU TF oci ation check ing ĠConsult ing Run time per iod ĠAs gard Ġdist illed ĠPas adena ĠD ying ĠCOUN TY Ġgran ite Ġsm ack Ġparach ute ĠS UR Virgin ia ĠF urious 78 7 ĠO kin Ġcam el ĠM bps 19 72 ĠCh ao ĠC yan j oice ef er ĠW rap ĠDeb ate S eg Ġfore arm ĠIgn ore Ġtim estamp Ġprob ing ĠNo on ĠGra il f en Ġdorm ant ĠFirst ly ĠE ighth ĠH UN ĠDes ire or as Girl s ĠDes mond z ar am ines O AD exec ute Ġbo obs ĠAT L _ ( Chel sea Ġmasturb ation ĠCo C Ġdestroy er ĠCh omsky Ġsc atter ĠAss ets 79 6 ĠC argo Ġrecept ive ĠSc ope Ġmarket ers Ġlaun chers Ġax le ĠSE A se q ĠM off f inding ĠGib bs Georg ia extreme ly N J Ġlab orers st als Ġmed iation ĠH edge at own Ġi od des pite v ill J ane ex istence Ġcoinc ided ĠUt ilities ĠChe ap Ġlog istical Ġcul mination ĠNic otine p ak F older Ġrod ents st uff Ġlaw fully Ġreper to io ch j j Dial ogue HH HH lic tion Look s Ġ29 7 Ġtur rets ĠAb andon Ġinc ess ĠTraff ord Ġcur led Ġprefer ring Ġprivat ization Ġir resist ĠP anda ĠSh ake ĠMc Gr ãĥ Ħ und ers Ġdiscrim inated Ġbart ender I LE Atl antic Ġprop ensity ĠW iz ĠG im con ference Ġrein forces G h w agon Ġe erie F al Ġhug ged rac ist R IC F u Ġf iller ĠSt ub Ġeng raved ĠWrest le Ġimagin ative ĠPe er ĠFact ors an us ĠDrac ula mon itor Ġrou ters ib ia ĠBoo lean end ale ĠSl aughter ĠSh ack R FC ĠSpiel berg S ax ĠPH OTO ĠCl over ĠR ae Dep ending ĠMem or ar am Ġpier ced Ġcur tains v ale ĠInqu isition ĠP oke Ġforecast ing Ġcompl ains S ense ĠHer mes isc overed Ġb ible ĠMor ph Ġg erm 78 5 D ON Ġcon gen Ġcr ane ĠD PR Ġrespect fully R oom ĠN aw ĠDal ai re ason ĠAng us Educ ation ĠTitan ic Ë ľ Ġo val un ited Ġthird s Ġmoist ur ĠC PC M iami Ġtent acles ĠPol aris ex c ex clusive ĠPra irie Ġcol ossal ĠBl end sur prisingly ÃŃ s Ġindo ctr Ġbas al ĠMP EG und o Spl it Develop ment Ġlan tern 19 71 Ġprov ocation Ġang uish ĠB ind ĠLe ia duc ers ipp y conserv ancy Ġinitial ize ĠTw ice ĠSu k Ġpred ic Ġdi ploma Ġsoc iop Ing redients Ġhamm ered ĠIr ma Q aida Ġglim ps ĠB ian Ġst acking Ġf end gov track Ġun n dem ocratic ig ree Ġ5 80 Ġ29 4 Ġstraw berry ID ER Ġcher ished ĠH ots Ġinfer red Ġ8 08 ĠS ocrates O regon ĠR oses ĠFO IA Ġins ensitive Ġ40 8 Recomm end ĠSh ine Ġpain staking UG E ĠHell er ĠEnter prises I OR ad j N RS L G Ġalien ated Ġacknowled gement ĠA UD ĠRen eg Ġvou chers Ġ9 60 Ġm oot ĠDim ensions Ġc abbage B right g at ĠK lu Ġlat ent Ġz e ĠM eng Ġdis perse Ġpand emonium H Q Ġvirt uous ĠLoc ations ee per prov ided Ġse ams ĠW T iz o PR OV Ġtit anium Ġrecol lection Ġcr an Ġ7 80 ĠN F 49 1 64 2 p acking 59 8 text ure Sp ider fre edom cipl ed ĠTAM ADRA âĻ ¦ aut hent ĠW ANT r ified Ġr ites Ġuter us k iss Ġâī ¤ Ġsk illet Ġdis enfranch ĠGa al Comp an Ġage ing gu ide B alt Ġiter ator Ġdiscretion ary t ips Ġprim ates ĠTechn ique ĠPay ments az el ĠR OCK stant ial 0 60 Ġd mg ĠJack ets ĠPlay off Ġnurs ery ĠSy mb art on Ġannex ation Color ado Ġco ils ĠSh oes âĦ¢ : ĠRo z COM PLE ĠEve rest ĠTri umph J oy G rid à ¼ process or ĠPros per ĠSever us ĠSelect ed r g ĠTay yip St ra Ġski ing Ġ? ) Ġpe g Tes la Ġtime frame Ġmaster mind ĠN B scient ific ĠSh it gener ic IN TER N UM Ġst roll ĠEn ix ĠM MR ĠE MS m ovie Ĥ ª Ġminim izing idd ling Ġilleg itimate Ġprot otyp Ġpremature ly Ġmanual s obb ies ĠCass idy D EC des ktop Ġaer os Ġscreen ings Ġdeb ilitating ĠGr ind nature conservancy Ġf ades ter mination assets adobe F actor Ġdefinitive ly P oké ap ult ĠLaf ayette C orn ĠCor al Ġstagn ant T ue Ġdissatisf action G ender Ġkid neys ĠG ow ĠDef eat ĠAsh ton Ġcart els Ġfore closure ĠExpl ore stre ngth ot in Ġveterin arian Ġf umble Ġpar ap ĠSt rait r ils Ġpr ick ĠBerm uda ĠAm munition skin ned Ġab ound ĠB raz Ġshar per ĠAsc ension Ġ9 78 Ġpreview s Ġcommun ion ĠX Y Ġph ony Ġnewcom er Ġ3 32 ." ," Ġredist ribution Prot ect ĠSo f K al Ġlip stick w orst Ġtang led Ġretrospect ive int eger Ġvolunte ering Ġ19 07 Ġ -------------------- ic hen Ġunve iling Ġsen seless Ġfisher ies \ - Ġh inges Ġcalcul us My th Ġund efeated Ġoptim izations Ġdep ress Ġbill board ĠY ad ĠPy ramid Is n I de Ġleg ion ĠK ramer ent anyl Ġpenet rating ĠHaw th ĠPR ODUCT ĠGer ard ĠP act ĠIn cluding ĠEl ias ĠEl aine vis ual Ġhum ming Ġcond esc ĠF asc ä¸ Ĭ Ġe galitarian Ġdev s ĠD ahl O ps D H ĠB ounce id ated ald o Ġrepublic an Ġh amb ĠS ett ograph ies CH APTER Ġtrans sexual Ġsky rocket ans wer Ġmark up Ø ª Ġhero ine Comp are ĠT av Be ast Ġsuccess ors Ġna ïve ĠBuck ley st ress me at Ġdownload able Ġindex ed Ġsc aff ĠL ump ĠHom o Stud io In sp Ġr acked far ious ĠPet ty Ex ternal Ġ19 09 W ars com mit put ers Ġun ob ĠEr r ĠE G ĠAl am ĠSiber ia ĠAtmosp heric IS TER ĠSatan ic trans lation ĠL oud tra umatic l ique Ġreson ate ĠWel ch Ġspark ing ĠT OM t one Ġout l Ġhandc uffed ĠSer ie 8 01 Ġland marks ĠRee ves Ġsoft ened Ġdazz ling ĠW anted month s Mag ikarp Ġunt reated ĠBed ford M i ĠDynam o O re 79 5 Ġwrong ful Ġl ured Ġcort isol Ġve x d rawn ile t Download ha ĠF action Ġlab yrinth Ġhij acked w aters er ick Ġsuper iors ĠRow ling ĠGu inness Ġt d 99 2 Ġune arthed Ġcentr if Ġsham eless P od ĠF ib Ġ icing Ġpredict or Ġ29 2 fore station con struct C and @ # Ġag itated Ġre pr OV A Ġkn itting ĠLim a Ġf odder 68 4 ĠPerson a k l 7 01 Ġbreak up á ¸ Ġapp alled Ġantidepress ants ĠSus sex Har ris ĠTher mal ee ee U pload Ġg ulf Ġdoor step ĠSh ank L U ĠM EN ĠP ond s orry Ġmis fortune n ance Ġb ona M ut Ġde graded ĠL OG ĠN ess an imal Ġa version und own Ġsupplement ed ĠC ups Ġ50 4 Ġdep rive ĠSpark le Å Ĥ ĠMed itation auth ors ĠSab an ĠN aked air d ĠMand arin ĠScript ures ĠPerson nel ĠMahar ashtra Ġ19 03 ĠP ai ĠMir age omb at Access ory Ġfrag mented T ogether Ġbelie vable ĠGl adiator al igned ĠSl ug M AT Ġconvert ible ĠBour bon amer on ĠRe hab nt ax Ġpowd ered pill ar Ġsm oker ĠMans on ĠB F 5 11 ĠGood ell ĠD AR m ud g art Ġob edient ĠTrans mission ĠDon ation 8 80 Ġbother ing Material s ãĤ ± dest roy Ġfore going Ġanarch ism ĠK ry ice ps Ġl ittered ĠSch iff Ġanecd otal un its Ġf ian ĠSt im ĠS OME ĠInv aders Ġbehaviour al ĠVent ures Ġsub lime Ġfru ition ĠPen alty Ġcorros ion ¶ ħ Ġlik ened Ġbesie ged ween ey ĠCre ep Ġlinem en mult i ic ably ud der Ġvital ity Ġshort fall ĠP ants ap ist H idden ĠDro ps med ical Ġpron unciation ĠN RL Ġinsight ful J V ĠBe ard ĠCh ou Ġchar ms Ġb ins Ġamb assadors ĠS aturdays Ġinhib itor ĠFr anch 6 01 ', ' ĠCon or art ney ĠX peria g rave be es ĠProtest ants Ġso aking ĠM andal Ġph ased Ġ6 60 Ġsc ams Ġbuzz ing ĠItal ians ĠLoren zo ĠJ A Ġhes itated Ġcl iffs ĠG OT ingu ishable Ġk o Ġinter ruption Z ip Lear ning Ġundersc ores ĠBl ink K u 57 9 ĠAut ob I RE Ġwater ing Ġpast ry 8 20 Ġvision ary ĠTempl ar awa ited Ġpist on Ġant id current ly Ġp ard Ġw aging Ġnob ility ĠY us Ġinject ing f aith ĠP ASS å º Ġret ake ĠPR OC Ġcat hedral b ash Ġwrest lers Ġpartner ing Ġn oses Ġ3 58 Trans form am en Ġb outs ĠId eal ĠConstant in Ġse p ĠMon arch att en ĠPe oples mod ified Ġmor atorium Ġpen chant Ġoffensive ly Ġprox ies ok ane ĠTaiwan ese ĠP oo ĠH OME us ional Ġver bs ĠO man vis ory Ġpersu asion Ġmult it Ġsc issors G ay ow ay oph ysical l us gn u Ġap ocalyptic Ġabsurd ity Ġplay book Ġautobi ography I UM Ġsne aking ĠSim ulation pp s ell ery Plan et Ġright fully Ġn iece ĠN EC ĠIP O ĠDis closure lean or ous y ST ER Ġ28 2 Cru z Ch all 64 3 ĠSurv ive ĠF atal ĠAm id ap o We apons D EN 7 70 ĠGreen wald Ġlin en al os Ġpollut ants ĠPCI e k at Ġp aw ĠK raft C hem ĠTermin ator Ġre incarn Ġ] [ ĠSe eds Ġsilhou ette ĠSt ores Ġgro oming ĠD irection ĠIs abel ĠBr idges ðŁ ij E ED ĠM orsi Ġval ves ĠRank ed ĠPh arma ĠOrgan izations Ġpenet rated ĠRod ham ĠProt oss Ġove rest Ġex asper ĠT J Ġ 000000 Ġtrick le Ġbour bon WH O Ġw retched Ġmicrosc opic Ġcheck list Ġad orned R oyal Ad minist ĠRet irement ĠHig hest We ather ile ge Ġincre ments ĠC osponsors Ġmas se ĠS inn r f Ġh ordes as sembly 75 4 ĠNat asha ĠTY PE ĠGEN ERAL Ġarr anging Ġ40 7 l ator Ġg lean Ġdisc redited Ġclin icians UN E Ġachie ves ĠEm erson com plex = [ Ġprincip ally Ġfra il p icked Ġthan king Ġre cl ĠL AST Ġsupp ressing il ic Ġantidepress ant ĠLis bon Ġth or Ġsp a Ġking doms ĠPear ce em o Ġpl ung Ġdiv est Ġ ******************************** b is osp els ad r Sp irit hall a P ink end ez Ġresurrect ed esc ape ĠRosen stein Ġge ological Ġnecess ities Ġcarn iv ĠE lys ĠBar ney Ġ29 6 dig y ST ON D OWN Ġmil estones Ġk er Ġdismant ling Ġre prim Ġcross ings 19 45 Ġpatri archy Ġblasp hemy Ġ3 59 met ry ĠOb esity ĠDiff erences bl ocking ãĥķ ãĤ¡ ich ita ĠSab ha ph alt ĠCol o ual a effic ients ĠMed ina con sole 55 7 ĠHann ibal ĠHab it ĠF ever Ġthen ce Ġsyn agogue Ġessential s Ġw ink ĠTr ader ID A ĠSp oiler ĠIceland ic ĠHay ward Ġpe ac Ġmal ice Ġflash back Ġth w Ġlay offs L iquid Ġtro oper Ġh inge ĠRead ers Ph ill ĠB auer Cre ated Ġaud its ac compan Ġunsus pecting ier a 6666 6666 Ġbro ch Ġapprehend ed ĠM alk cer ning ĠCod ex O VER M arsh ĠD eng ĠExp ression Ġdisrespect ful Ġasc ending t ests ĠPlaint iff ster y ĠAl ibaba din and ĠDem psey Applic ations mor al Ġthrough put Ġquar rel Ġm ills Ġhe mor ĠC ASE terror ist st im ifest yle ro zen CE PT Ar k u ci lect ic Ġirrit ating she ets A y Ġrede emed Ġhorn y ĠTe ach ĠS ear dem ocracy 4 65 ĠRest ore Ġstand by ĠP is iff in Ġsleep y Ġextr ater Ġcompl iments Fram eworks Ġinstall s Ġb anging sur face found land Ġmetaph ysical Ġ28 3 oul s dev ices Ar gs ĠSac rifice ĠMcC orm es on Cons ervative ĠM ikhail see ing is ively ĠRo oms ĠGener ic Ġenthusi astically Ġgri pped Ġcomed ic ĠElectric ity Ġgu errilla Ġdec oration ĠPerspect ive Ġconsult ations Ġun amb Ġplag iar Ġmagic ian Ġe rection ĠTour ism or ied ro xy 11 00 T am Ī è Î ³ × ª ĠPred ators Nit rome Ġtelesc opes project s Ġun protected Ġst ocked ĠEnt reprene nex pected Ġwast ewater V ill Ġint imately Ġi Cloud ĠConst able Ġspo of Ġne farious Ġfin s Ġcens or ĠMod es ĠEs per ar bon Ġinter sections Ġlaud ed Ġphys i Ġgener ously ĠThe Nitrome ĠTheNitrome Fan Ġar isen ĠÙ Ī Ġg lands ĠPav ilion ĠGu pta Ġuniform ly Ġr amps ri et ĠWH EN ĠVan essa Ġrout ed Ġlim p ĠC PI p ter int uitive Ġv aping Ġexperiment ed ĠOlymp us ĠAm on Ġsight ing Ġinfiltr ate ĠGentle man Ġsign ings ĠMe ow ĠNav igation che cks 4 33 Ġel apsed ĠBulg arian esp ie ĠS OM d uring Ġsp ills anc a ĠPly mouth M AL Ġdomest ically ĠWater gate ĠF AM k illed ed ited ĠYour self Ġsynchron ization ĠPract ices ST EP Ġgen omes ĠQ R not ice Ġloc ating z in Ġ3 29 al cohol Ġk itten V o Ġr inse Ġgrapp le ĠSc rew ĠD ul A IR Ġle asing ĠCaf é Ġro ses ĠRes pect Ġmis lead Ġperfect ed Ġnud ity Ġnon partisan ĠCons umption Report ing Ġnu ances Ġdeduct ible ĠSh ots Ġ3 77 Ġæ ľ ano oga Ben ef ĠB am ĠS amp if ix Ġgal van ĠMed als rad ius Ġno bles Ġe aves igr ate K T ĠHar bour u ers Ġrisk ed re q Ġneuro t get table ain a Rom ney Ġunder pin Ġlo ft ĠSub committee ĠMong ol b iz Ġmanif ests ass isted ĠG aga Ġsy nergy Ġreligious ly ĠPre f ĠG erry T AG ĠCho i 4 66 beh ind ĠO u Gold Magikarp Ġhemor rh R iver Ġtend on Ġinj ure ĠF iona Ġp ag Ġag itation || || ur an ĠE SA Ġest eem Ġdod ging Ġ4 12 r ss Ġce ases ex cluding Ġint akes Ġinsert s Ġemb old ĠO ral up uncture 4 11 ĠUn ified ĠDe le Ġfurn ace ĠCoy otes ĠBr ach L abor Ġhand shake Ġbru ises Gr ade éĹ ĺ ĠGram my ile en St ates ĠScandinav ian ĠKard ash 8 66 Ġeffort lessly ĠDI RECT ĠTH EN ĠMe i ert ation 19 68 Ġgro in w itch Requ irements 98 5 Ġroof s Ġest ates ĠH F Ġha ha Ġdense ly ĠO CT Ġpl astics Ġincident ally ĠTr acks ĠTax es Ġch anted Ġforce ful ĠBie ber ĠK ahn K ent ĠC ot lic ts F ed Ġhide ous ĠVer d ĠSynd icate ĠIl legal J et ĠD AV re asonable c rew Ġfundamental ist Ġtruth ful ĠJ ing Ġl il Ġdown ed Ġen chanted ĠPolic ies ĠMcM aster ĠH are ides how Ġpar ams en cers gorith m Ġallow ances Ġturb ulent Ġcomplex ities ĠK T Ġ3 37 ĠGen etic F UN D oug t ick Ġg igs ument hal Ġpatriarch al Ġcal c , ... Ġc out ĠGu an Ġpath ological ĠR ivals Ġunder rated Ġflu orescent ĠJ iu arna ev ĠQu an Ġ4 29 Ġ ਠM ario Con struct ĠC itation ĠR acial ĠR SA ĠF idel Ġ3 95 Person ally C ause à » rad ical in en Ġvehement ly ĠPap a Ġintern ship Ġfl akes ĠRe ck Luck ily B ra 20 20 rav ings R N W onder Ser iously Ġre usable Ġpoll uted ĠP eng le igh ind le Ġcircuit ry ĠMad onna ĠB ART Res idents att ribute Phil adelphia Cl ub Ġplan ner Ġfr antically Ġfaith fully ĠTerrit ories ĠL AT ĠAnders en an u ĠP ARK ĠS ora i age ĠPlay offs ĠG CC 4 27 Ġab norm ĠL ever Ġdisob edience As ync ĠShe a V ert Ġsk irts ĠSaw yer x p Ġwors ening Ġsc apego ĠAng le oth al Ġtro ve ĠSt y ĠN guyen mar ine ide on Dep ths Bl og ĠIll uminati Ġtract s Ġorgan ise Ġo str F s Ġlever aging ĠD aredevil as ar Ġl ang Ġex termin urs ions ĠRom o ãĤ¤ ãĥĪ Ġcont ended Ġencounter ing ĠTable t ĠAltern ate sk ill Ġswe ets Ġco hesive cap acity Ġrep ud Ġl izard ro o Ġpilgr ims ĠR uff ĠInstr ument ĠLog o uit ous E H Ġsales man Ġank les L ed ĠPat ty ud os Own er Ġdiscrep ancies k j M U Ġuncond itional Dragon Magazine i ard O ak ĠConvers ation be er ĠOs aka D elta us ky Ġsecret ion Ġpl aza Ġm ing Ġde pletion ĠM ous ĠI TS ĠH imal ĠFle ming Ġcyt ok ĠH ick Ġbat ters ĠInt ellectual 6 75 é r IS ION ĠQu entin ĠCh apters ih adi Ġco aster WAY S ĠL izard ĠY or and ering S kin ha ust ab by Ġportray ing Ġwield ed d ash Ġprop onent Ġr ipple Ġgrap hene Ġfly er Ġrec urrent Ġdev ils Ġwater fall æĺ ¯ go o Text Color Ġtam pering IV ES TR UMP ĠAb el ĠS AL ĠHend ricks ĠLu cius b ots Ġ40 96 IST ORY Gu est ĠN X in ant Ben z ĠLoad ed ĠCle ver t reatment Ġta vern Ġ3 39 ĠT NT ific antly Tem perature F el Ġunder world ĠJud ges Ġ< + Ġst ump Ġoccup ancy Ġab er ĠF inder ) ", ĠN unes res et in et ect omy Ġwell ness ĠP eb quart ered and an Ġneg atives ĠTh iel ĠCl ip ĠL TD Ġbl ight Ġreperto ire K yle Ġqu er ĠC es Ġha pl 98 9 ĠTh ames isc opal Des k ivari ate ĠEx cellence found ation Ġâ ĩ X i Ġmyster iously esty les Ġper ish ĠEng els ĠDE AD 09 0 }} } ĠUn real Ġrest less ID ES orth odox ĠInter mediate Ġdin ners ĠTr out ĠSe ym ĠHall s og ged Ġtraged ies Ġdid nt 67 6 Ġail ments Ġobserv able ĠV ide ad apt ĠD usk Ġprofessional ism ĠPres cott ĠInd ies p ox ĠMe hran W ide Ġend emic ĠPar an B ird Ġped als ĠI U ĠAdam ant ĠH urt Ġcorrel ates urd en Ġspons oring cl imate ĠUnivers ities ĠK not enn es ĠDam ian ĠAx el S port Ġbar b ĠS no sh own ste en ud ence Ġnon violent Ġhom ophobia Ġbiom ass ĠDet ail Ġsrf N ĠT une accompan ied I ENCE Al bert ĠMong o z x ĠCer berus or bit c ens Ġsl ay SH ARE H Y Ġb rawl ĠPro be Ġnonex istent ĠClare nce ĠBlack burn Ġport als ĠR ita ĠRem ain ĠLe vant Ġtrick ed ĠF erry aver ing ĠStraw berry ĠAn swers Ġhorrend ous ĠA man Supp lement ĠT oad Ġpe eled Ġman oeuv ĠU zbek mond s ĠH ector Ġ40 2 pe es fix es Ġd j Ġres umes Ġaccount ant Ġadvers ity Ġham pered ĠL arson Ġd oping part s H ur Ġbe arded Ġy r ĠPlug in å¥ ³ Ġ/ ** rol ley Ġwaters hed ĠSub mission if lower AS C Ġcho ir Ġsculpt ures m A incre asing ai i Ġsne akers Ġconfront s ĠEle phant ĠEl ixir Ġrec al ĠT TL w idget ĠW ax ĠGr ayson Ġha irst Ġhumili ated ĠWAR N app iness ĠT TC F uel Ġpol io Ġcomplex es Ġbab e ĠX IV P F ). [ P arts Ġ4 35 M eg ĠY ards ĠAL P Ġy ells Ġprin ces Ġbull ies ĠCapital ism ex empt FA Q ĠSp onge ĠAl a Ġpleas antly Ġbu f Ġden ote Ġunp ublished Ġkne eling asc a Ġl apse al ien 99 4 Ġrefere es ĠLaw yers S anta Ġpuzz ling ĠProm etheus ĠPh araoh ĠDel ay Ġfacilit ates ĠC ES Ġjew els Ġbook let ond ing Ġpolar ization ĠMor an ĠSal ad ĠS OS ĠAdv ice PH OTOS IC AN iat ures ex press ĠWonder land ĠC ODE ĠCL ASS 9 75 Ġg rep ĠD iesel ĠGl ac ! ?" Ġr m o ine disc rimination ĠN urse m allow Ġv ortex ĠCons ortium Ġlarge Download stra ight augh lin G rad Ġpublic ized ĠW aves ĠRed d Ġfest ivities ĠM ane ar ov Ġfleet ing ĠDr unk ug en C ele Ġchromos omes ĠD OT -+-+ -+-+ Ġbus iest ĠBe aver Sy rian ĠK yr k as ĠCross Ref 19 50 76 01 Ġrepe aling ĠWin ners ĠMac ro ĠD OD bl ance S ort 64 1 Ġmet re ĠD irk Ġgo ggles Ġdraw backs Ġcomplain ant Ġauthor izing Ġantit rust oper ated Ġm ah Ġexagger ation Am azing ĠSer aph Ġha ze w ow Ġextingu ished Ġcan yon ĠB osh Ġv ents Ġsc rape Cor rect 4 26 Ġav g Dem and ĠâĪ ¼ Ġmicrobi ota "} ]," ĠSt ev B io ĠPlan es Ġsuggest ive Ġdec ipher ĠRefuge e ĠKe jriwal ĠGreen peace Ġdecl ass ĠSound ers Ġth o Ġdec rypt Ġbr ushing ĠJane iro ip op S i 8 77 ĠGeoff rey Ġc pu ĠHaz el Ġview points Ġcris py ĠNot ification Ġsold er ĠMod est ĠHem isphere Ġcass ette in cludes Ġident ifiers ĠC ALL in cent T odd ĠSwe ep Ġ3 34 b oss Ġsm ir gin x Ġtown ship Ġg rieving ĠMos que Net flix AS ED ĠMillenn ials oc om 19 67 Ġbold ly s leep Ġes che arij uana Ġsw irl ĠPen al Ġneglig ent ĠStephen son K ER ĠZ oro ris is Ġlocal ization ĠSeym our ĠAng lic red itation prot ection ĠPa ige Ġo mit ĠR ousse ĠT ub Ġinv itations t ty Ġm oss ph ysical C redits Ġan archy Ġchild care Ġl ull ĠM ek ĠL anguages lat est ĠSan ford Ġus ability Ġdiff use ĠD ATA Ġsp rites ĠVeget a ĠProm otion ãĥ¼ ãĤ¯ rict ing z ee Tur kish ĠTD s pro ven 57 1 Ġsmug glers 707 10 Ġreform ed ĠLo is Ġun fl ĠWITH OUT ĠReturn ing ann ie ĠTom as Fr anc ĠProf it ĠSER V ĠR umble ik uman es an Ġt esters Ġgad get Ġbrace let ĠF SA comp onent Ġparamed ics Ġj an ĠRem em ĠSk inner Ġl ov ĠQu ake rom a Ġfl ask Pr inc Ġover power Ġlod ging ĠK KK ret te Ġabsor bs w rote Ġ ," K ings ĠH ail ĠFall ing xt ap ĠHel ena ire ns L arry Ġpamph let ĠC PR G ro ĠHirosh ima Ġhol istic ". [ Ġdet achment Ġas pire Ġcompl icit ĠGreen wood Ġresp awn ĠSt upid ĠFin ished f al b ass Ġab hor Ġmock ery ĠFe ast VID EO Ġcon sec ĠHung ry P ull ĠH ust it ance ? ãĢį ) -- ĠPar allel con v 4 69 ha ar w ant P aper m ins ĠTor o ĠTR UMP ĠR ai D W ĠW icked ĠL ep Ġfun ky Ġdetrim ent ios is ache v Ġde grade im ilation Ġret ard Ġfrag mentation Ġcow boy ĠY PG ĠH AL Parent s ĠS ieg ĠStra uss ĠRub ber × IJ Fr ag Ġp t Ġoption ally ĠZ IP ĠTrans cript ĠD well 88 2 M erc ĠM OT ãĥ¯ ãĥ³ Ġhun ts Ġexec utes In cludes Ġacid ic ĠRespons ibility ĠD umb we i And erson ĠJas per ight on abs olutely Ad ult Ġpl under Mor ning ĠT ours ĠD ane Î º ĠT EST ĠG ina Ġcan ine aw an Ġsocial ists ĠS oda Ġimp etus ĠSupplement ary oli ath ĠKinn ikuman mitted ly second s Ġorganis ers Ġdocument aries Vari able GRE EN Ġres orts Ġbr agging Ġ3 68 Art ist w k bl ers Un common ĠRet rieved Ġhect ares Ġtox in r ank Ġfaith s ĠG raphic Ġve c ĠL IA Af rican Ġard ent end iary L ake ĠD OS cient ious ĠOk awaru ĠAll y ĠTim eline D ash ĠI c contin ue Ġt idy Ġinstinct ively ĠP ossibly ĠOut door ĠWould n Ġl ich ĠBr ay ĠA X Ġà ī Ġ+ # \ ' Direct ory ab iding Ġf eral ic ative but t Ġper verse S alt Ġwar ped Ġnin eteen Ġcabin ets Ġsrf Attach ĠSl oan Ġpower ing reg ation F light se vere Ġst ren Ġc og ap ache Ġâ Ŀ Ġcaf eteria p aces ĠGrim oire uton ium Ġr aining Ġcir cling Ġlineback ers c redit Ġrep atri ĠCam den lic ense Ġly ric Ġdescript or Ġval leys Ġre q Ġback stage ĠPro hibition ĠK et Op ening S ym æĸ ¹ Ġserv ings Ġoverse en Ġaster oids ĠMod s ĠSpr inger ĠCont ainer è » ĠM ens Ġmult im Ġfire fighter pe c Ġchlor ine Ð ¼ end i Ġsp aring Ġpolyg amy ĠR N ĠP ell Ġt igers Ġflash y ĠMad ame S word Ġpref rontal Ġpre requisite uc a Ġw ifi Ġmiscon ception Ġharsh ly ĠStream ing ot om ĠGiul iani foot ed Ġtub ing ind ividual z ek n uclear m ol Ġright ful 49 3 Ġspecial ization Ġpassion ately ĠVel ocity ĠAv ailability T enn Ġl atch ĠSome body Ġhel ium cl aw Ġdi pping XX X Ġinter personal 7 10 Ġsub ter Ġbi ologists ĠLight ing Ġopt ic Ġden im end on ĠC orm Ġ3 41 ĠC oup Ġfear less Ġal ot ĠCliff ord ĠRun time ĠProv ision up dated lene ck Ġneur on Ġgrad ing ĠC t sequ ence in ia con cept Ġro aring ri val ĠCaucas ian Ġmon og key es Ġappell ate Ġlia ison EStream Frame ĠPl um ! . Ġsp herical Ġper ished Ġbl ot Ġben ches Ġ4 11 Ġpione ered Ġhur led Jenn ifer ĠYose mite Ch air Ġreef s Ġelect or ĠAnt hem 65 2 Ġun install Ġimp ede Ġbl inking Ġgot o Dec re A ren Ġstabil ization ĠDis abled ĠYanuk ovych Ġoutlaw ed ĠVent ura ten ess Ġplant ation Ġy acht ĠHu awei Ġsol vent Ġgr acious Ġcur iously Ġcapac itor Ġc x ĠRef lex Ph ys ĠC f pt in cons ervative Ġinv ocation c our F N ĠNew ly H our As ian ĠLe ading ĠAer ospace An ne Ġpre natal Ġdeterior ating H CR ĠNorm andy ol ini ĠAm bro 9 10 Ġset backs ĠT RE Ġs ig ĠSc ourge 59 7 79 8 Game play Ġm sec M X Ġprice y ĠL LP aker u Ġover arching ĠB ale Ġworld ly Cl ark Ġscen ic Ġdisl iked ĠCont rolled T ickets ĠE W ab ies ĠPl enty Non etheless Ġart isan Trans fer ĠF amous Ġinf ield ble y Ġunres olved ĠML A ãĤ Ĥ Cor rection Ġdemocr at ĠMore no ro cal il ings Ġsail or Ġr ife h ung Ġtrop es Ġsn atched ĠL IN ĠB ib ES A ĠPre v ĠCam el run time Ġob noxious 4 37 Ġsum mers Ġunexpl ained ĠWal ters cal iber Ġg ull ĠEnd urance ä½ ľ Ġ3 47 Ir ish Ġaer obic Ġcr amped ĠHon olulu à © us erc ec ast AC Y ĠQu ery ãĤ¹ ãĥĪ Bet a Ġsuscept ibility ĠSh iv ĠLim baugh Ġà ĸ ĠN XT ĠM uss ĠBrit ons ES CO EG IN Ġ% % Ġsec ession ĠPat ron ĠLu a n aires ĠJPM organ us b ocy te Ġcouncill ors ĠLi ang f arm Ġnerv ously Ġattract iveness ĠK ov j ump Pl ot Ġst ains ĠStat ue ĠApost les he ter ĠSUP PORT Ġoverwhel m Y ES Ġ29 1 d ensity Ġtra pping M it Ġf ide ĠPam ela atl antic Dam n Ġp ts OP A Ġserv icing Ġoverfl owing ul o ĠE rit t icket light ing ĠH mm ãĥ¼ ãĥ« im oto Ġchuck le 4 23 ãģ ķ sh ape Ġque ues Ġanch ors ãĤ¼ ãĤ¦ãĤ¹ F er Ġaw oke Ġ6 66 h ands Ġdiver gence Ġ50 5 T ips Ġdep ot Ġske w ĠDel iver op ot Ġdiv ul ĠE B uns igned ĠUn i X box Ġfor ks Ġ7 02 å ¯ Ġpromot ers ĠV apor Ġlev ied sl ot Ġpig ment Ġcyl inders C RE Ġsn atch Ġperpet ually Ġl icking ĠFe et ĠKra ken ĠHold en ĠCLS ID m r Ġproject or Ġden otes Ġchap el ĠTor rent b ler R oute ĠDef endant ĠPublisher s ĠM ales ĠInn ov ĠAg ility rit er ty mology st ores L ind Ġf olly ĠZur ich B le Ġnurt ure Ġcoast line uch in D omin Ġfri vol ĠCons olid res ults M J Ġphyl ogen Ġha uled ĠW iley ĠJess ie ĠPrep are ĠE ps Ġtreasure r I AS Ġcolon ists Ġin und ĠWW F ĠCon verted 6 000 out side ĠApp earance ĠRel ic ĠM ister s aw Ġresult ant Ġadject ive ĠLaure l ĠHind i b da Pe ace Ġreb irth Ġmembr anes Ġforward ing Ġcoll ided ĠCar olyn K ansas 5 99 ĠSolid GoldMagikarp Be ck Ġstress ing ĠGo o ĠCooper ative Ġf s ĠAr chie L iter ĠK lopp J erry Ġfoot wear War ren Ġsc ree h are Under standing P ed Ġanth ology ĠAnn ounce M ega Ġflu ent Ġbond age ĠDisc ount il ial C art ĠNight mares Sh am ĠB oll uss ie H ttp Atl anta Ġun recogn ĠB id Ġunder grad Ġforg iving ĠGl over AAAA AAAA 4 45 V G pa io kill ers Ġrespons ibly Ġmobil ize Ġeffect ed ĠL umin Ġk ale Ġinfring ing ann ounced Ġf itt b atch ĠT ackle ĠL ime ĠAP P uke mia Ġrub y Ġex oner ĠCas ual 0 70 Ġpel vic Ġautom ate ĠK ear ĠCoast al Ġcre ed Ġbored om ĠSt un ri ott Ĥ İ Ġregener ate Ġcomed ians ĠOP ER Sp ons id ium on is L ocated 05 7 Ġsusp ense ĠD ating C ass Ġneoc ons ĠShin zo Ġaw oken ch rist ĠMess ages att led ĠSpr ay ĠSp ice C W Ġshield ing ĠG aul Am id Ġparam ilitary Ġmult if ĠTan ner il k Ġgodd amn g ements Ġbe friend m obi Ġ3 88 fold er acc a Ġins in g ap N ev fif th Ġpsychiat ry b anks TH IS Ġhar b ac qu Ġfac ade ĠPower Point 80 3 Ġbl uff Sh ares Ġfavor ing El izabeth Ãį Ãį Ġr anger 77 2 ĠAr che h ak ĠGen etics ĠF EMA Ġev olves Ġest e ĠP ets ĠM é ĠInterest ing ĠCanter bury ch apter ĠStar fleet Sp anish Ġdraw back ĠNor wich 9 70 n orth ag anda Ġtransform ative ram ids bi ology ad ay Ġpropag ation ĠGam ma ĠDen ise ĠCalcul ator ent imes ĠB ett Ġapp endix ĠHD D AK ING Ġst igmat Ġhol ster Ġord inarily Ch ance ĠCont rary Ġad hesive Ġgather s 6 12 re au ony ms ew ays Ġindu ces Ġinterchange able se m Wh it Ġtr ance Ġincorpor ation ĠExt ras Fin ancial Ġawkward ly ĠStur geon ĠH Y Norm ally ĠEnd ing ĠAss ist enc rypted Ġsub jug Ġn os Ġfan atic C ub C U ?" . Ġirre versible å Ĥ 03 1 ĠH AR sp read ul ia = $ Sc ope L ots Ġlif estyles ol on Ġf eds Ġcongrat ulate web kit Ġindist inguishable ĠSw ing Ġcommand ments qu ila ab ella m ethyl ann abin Ġo vere Ġlob ster ĠQU EST ĠCONT IN bern atorial :::: :::: ĠTra ve ĠSam oa AN I 75 2 Ð ´ userc ontent ĠMod erate y eah ĠK itt Ġwe e Ġstuff ing ĠInter vention ĠD ign Ġware houses ĠF iji Ġpel lets Ġtake away ĠT ABLE ĠClass ical col lection Ġland fall ĠMus cle Ġsett les ĠAD V Ġ3 44 L aura Ġf ared ĠPart ial 4 36 oss ibility ĠD aly ĠT arant ĠFu ji am l c ence 55 1 ĠProced ures ĠO CD ĠU D t in Q UI ach o 4 38 Ġgl itches Ġenchant ment Ġcalcul ates IR O ĠH ua alys es ĠL ift um o Ġle apt Ġhypothes ized ĠGust av it ans VERS ION æ ł Rog er Ġr and ĠAd apter Ġ3 31 ĠPet ition k ies M ars Ġunder cut ze es ĠLy ons ĠDH CP Miss ing Ġretire es Ġins idious el i > ) . ãĢį Ġfinal ists ĠA ure Ġacc user Ġwas tes ĠY s ĠL ori Ġconstitu encies Ġsupp er Ġmay hem or ange Ġmis placed Ġmanager ial Ġex ce ĠCL I Ġprim al ĠL ent Cry stal h over ĠN TS end um Ġd w ĠAl c n ostic Ġpres erves ĠTs arnaev Ġtri pled rel ative Arc ade k illing ĠW EEK ĠH anna D ust Com pleted ģ « Ġappro ves ĠSur f ĠLuther an ven ants Ġrobber ies we ights soft ware at ana ug al Ġgrav y ĠC ance OLOG Y ly ak Ton ight Ġunve il Ġ19 04 ĠMin ion ent ious st ice pack ages ĠG EAR Ġg ol ĠHutch inson ĠProf ession ĠG UN ĠDiff erence ĠTsuk uyomi ĠLes bian 6 70 Ġfug itive ĠPlan etary -------------------------------- ------------------------ Ġacc rued Ġch icks Ġsto pp Ġblock ers C od Ġcomment ers ĠSomew here ĠPhot ographer the me Ġmay oral w u Ġanten nas Ġrev amped ĠSubject s it é im ura Ġentr ances liter ally Ġten ets ĠO MG ĠMP H ĠDon key ĠOff ense Ġ" + Sn ap ĠAF B Ġan imate ĠS od His panic Ġinconsist ency D b F Y Ex port Ġa pe Ġpear l ib el ĠPAC s Ġ{ \ Ġact u ĠHS BC camp us Ġpay off Ġde ities ĠN ato ou ple Ġcens ored ĠCl ojure Ġconf ounding en i Ġreck on op he Ġspot ting Ġsign ifies Ġprop el Ġfest ive S uggest Ġpled ging ĠB erman Ġrebell ious Ġovershadow ed Ġinfiltr ated j obs 67 2 Ġscal able Ġdomin ion ĠNew foundland ĠMead ow Ġpart itions AM I Ġsupplement ary str ument Ġhair y Ġperpet uate Ġnuts hell ĠPot ato ĠHob bit Ġcur ses Flo at Ġquiet er Ġfuel ing Ġcaps ules ĠL ust ĠH aunted Exec utive Ġchild birth G re Ġrad iant å İ Ġm alls Ġin ept ĠWarrant y Ġspect ator E h t hens Ġculmin ating æ © ary a ãĤ ® ilit arian ĠOR IG ĠSp ending pt ives ĠS iren ĠRec ording ay ne Ġv im Ġspr ang T ang ĠM FT mor ning ĠWe ed m peg cess ion ĠCh ung 7 30 w arning 56 2 handed ly P oor P olitics : # Ġp ian Ġfec es ĠDocument ation Ġban ished Ġ3 99 ĠAR C Ġhe inous J ake ĠAm ir way ne v re os henko Ġnotebook s Ġfound ational Ġmarvel ous ixt ape Ġwithdraw als Ġh orde ĠD habi is able ĠK D Ġcontag ious ĠD ip ĠAr rows Ġpronoun s Ġmorph ine ĠB US 68 2 Ġk osher fin ished ĠInstr uments Ġf used yd en ĠSal mon F ab aff ected K EN C ENT Dom ain Ġpoke mon ĠDr inking G rowing ĠInvestig ative ĠA ether em i Ġtabl oid Ġrep ro ĠNot withstanding ĠBers erker Ġdram as Ġclich é Ġb ung ĠU RI ĠD os 0 44 Ġpast ors Ġl s Ġac rylic aun ts Ed ward Ġmajor ities B ang Ġfield ing ĠRepl acement ĠAl chemy pp ard ĠRome o ĠSan ct ĠLav rov ib ble Inst ruct Ġimp ractical ĠPlay boy ce phal Ġsw aps Ġk an ĠThe o Ġillust rating Ġdismant led ĠTrans gender ĠG uth UG H Ġtriumph ant Ġencomp ass Ġbook mark udd in j er Ġpred icate ES H Ġwhen ce ĠAB E Ġnon profits Se qu Ġdi abetic Ġp end Ġheart felt sh i Ġinter acts ĠTele com Ġbombard ment dep ending ĠLow ry ĠAd mission ĠBl ooming ust ration ene gger B rew Ġmol ten ĠNer d P IN âĸ Ģ ave ment Ġtou red Ġco efficients ĠTray von ans son Ġsand y t old fl ows Ġpop ulous ĠT inder ĠBl iss R achel Min imum Ġcontest ant ĠRed uce ĠMor se ĠGrass ley ĠClick er Ġexp r Ġs incerity Ġmar qu Ġelic it ĠPro position ĠDemon ic Ġtac os G reek Ġpost war Ġin sofar ĠP ork Ġ35 2 doctor al walk ing Ġmid term ĠSam my sight ed ĠTR ANS ic i AL D ĠUS L ĠF ISA ĠAm pl ĠAlex andra ine lli Tr ain Ġsign ify ĠVers us Ġob fusc Ġk h Ġagg ro ĠRen ault Ġ3 48 5 18 ox icity 0 22 ĠTw ist Ġgoof y D ynamic Ġbrief ings m ight 8 99 Ġderog atory T ro Ġfor ging ĠKor an ĠMar ried ĠBuc s Ġpal ate ĠCon version m able 4 13 Ġ( _ Ġs iph ĠN EO col lege Ġmarg inally Ġfl irt ĠTra ps ĠP ace é »Ĵ Ġgoalt ender Ġforb ids Ġcler ks ĠT ant ĠRobb ins ĠPrint ing Ġpremie red Ġmagn ification ĠT G ĠR ouse ĠM ock odynam ics Ġpre clude ism o ĠPul itzer Ġaval anche ĠK odi rib une ĠL ena Elect ric Ġref inery Ġend owed Ġcounsel ors Ġd olphin ĠM ith Ġarm oured hib ited Beg in ĠP W O il ĠV or ĠShar if ĠFraz ier est ate Ġj ams Pro xy Ġband its ĠPresbyter ian ĠPrem iere t iny ĠCru el Test ing Ġhom er ĠV ERS ĠPro l ĠDep osit ĠCoff in Ġsemin ars Ġs ql ĠDef endants Altern atively ĠR ats ç « ethy st ' > Ġiss uer 58 9 Ġch aired ĠAccess ories man ent Ġmar row ĠPrim ordial C N Ġlimit less ĠCarn age Ġund rafted q v IN ESS on ew Ġco hesion 98 7 Ġne cks Ġfootball er ĠG ER Ġdetect able ĠSupport ing ĠCS V oc ally k Hz Ġund e Ġsh one Ġbud ding tra k Stand ing ĠStar craft ĠKem p Ben ch Ġthw arted ĠGround s ath i L isa Dial og ĠS X V ision Ġingen ious Ù IJ Ġfost ering ĠZ a ĠIn gram Ġ" @ N aturally 6 16 0 35 ĠF AC H mm 55 4 Ġacceler ator ĠV end Ġsun screen Ġtuber culosis rav iolet ĠFunction al ĠEr rors ed ar 19 66 ĠSpect re ĠRec ipes 88 5 ĠM ankind L iverpool Ġ| -- Ġsubst itutes ĠX T w ired Ġinc o ĠAf gh E va ic c S ong K night Ġdilig ently ĠBroad cast A id Ġaf ar ĠH MS aton in ĠGr ateful Ġfire place ĠOm ni e uro ĠF RE ĠSh ib ĠDig est t oggle Ġheads ets Ġdiff usion ĠSqu irrel ĠF N Ġdark ened out her Ġsleep s ĠX er gun s Ġset ups Ġpars ed Ġmamm oth ĠCur ious g ob ĠFitz patrick ĠEm il im ov ........ ..... ĠB enny Second ly Ġheart y Ġcons on st ained Ġgal actic cl ave Ġplummet ed Ġp ests Ġsw at Ġrefer rals ĠLion el h oly Ġunder dog ĠSl ater ĠProv ide ĠAm ar ress or å Į ong a Ġtim id Ġp iety ĠD ek Ġsur ging az o Ġ6 10 Ġdes ks ĠSp okane ĠAn field Ġwars hips ĠCob ra Ġar ming clus ively ĠBad ge ag ascar ĠPR ESS ĠMcK enzie ĠFer dinand burn ing Af ee Ġtyr ann ĠI w ĠBo one 100 7 ĠRe pt Ċ Âł Ġcar avan ĠD ill ĠBundes liga Ch uck Ġheal er ãĥ¼ãĥ Ĩ ĠH obby Ġneg ate Ġcrit iques section al mop olitan Ġd x Ġouts ourcing ĠC ipher t ap Sh arp Ġup beat Ġhang ar Ġcru ising ĠNi agara Ġ3 42 ill us ĠS v Ġsubt itles Ġsqu ared Ġbook store Ġrevolution aries ĠCarl ton ab al Ut ah Ġdesp ise ĠU M cons ider aid o Ġc arts ĠT urtles Tr aining Ġhonor ary  ¢ Ġtri angles 4 22 Ġreprint ed Ġgrace ful ĠMong olia Ġdisrupt ions ĠB oh Ġ3 49 Ġdr ains Ġcons ulate Ġb ends Ġm afia ur on ĠF ulton m isc Ġren al Ġin action ck ing Ġphot ons Ġbru ised ĠC odes og i Ġn ests ĠLove ly ĠLib re ĠD aryl Ġ# ## S ys . ," Ġfree zes est ablishment and owski Ġcum bers ĠSt arg ĠBom bs Ġleg ions Ġhand writing Ġgr un ĠC ah sequ ent Ġm oth ĠMS M Ins ert F if Ġmot el Ġdex ter ĠB ild hearted ly Ġpro pe ĠText ure ĠJ unction ynt hesis oc ard ĠVer a ĠBar th Ġμ g Ġl ashed Ġ35 1 ĠZ amb ĠSt aples ĠCort ex ĠCork er Ġcontinu um ĠWR ITE unt a rid or Ġde ems 0 33 ĠG OLD p as Ġrep ressive ãĥĨ ãĤ£ Ġbaff led Sc ar Ġc rave Ġ ______ Ġentrepreneurs hip ĠDirector ate Ġ' [ Ġv ines Ġasc ended ĠGR OUP ĠGood bye Ġdo gged ãĥ´ ãĤ¡ Man ufact Ġunimagin able ri ots ier rez Ġrel ativity ĠCraft ing ra ught ud en c ookie Ġassass ins Ġdissatisf ied ac ci Ġcondu it Sp read ĠR ican n ice izz le Ġsc ares ĠWH Y ph ans 5 35 Ġprot racted ĠKrist en 5 36 ĠSc rib ĠNe h Ġtwent ies Ġpredic ament Ġhandc uffs Ġfruit ful ĠU L ĠLud wig Ġatt est ĠBre aker Ġbi ologically ĠDeal er Ġrenov ations f w ess en Al ice ĠHen ri Ġun ilaterally ĠS idd h ai ĠSt retch S ales Ġcumbers ome ĠJ avier Ġtrend y Ġrot ting ĠChall enges Ġscra ps Ġfac ets ĠVer onica ĠVer ge ĠS ana Al ien ĠR ih Ġrad ial ect ar Ġ6 30 cl i Mar ie Ġwild fire ĠCat o h ander Ġwait ress Ġch ops ĠS ECTION Ġblunt ly ĠCat alog n ian stud y Ġpat rolling ĠT enth nex us ĠN ON op sy Ġsc athing s ie Ġdeterior ated V B Naz is Ġdep ictions Ġauthent icated ĠCon ce k rit Ġpromul g ĠL ONG U FC ĠVis itors ĠRec all Ġrehab ilit ĠSL I Ġglac ier ĠB ite Ġ50 3 Ġvom it Ġfer mented ĠKh alid Ġgrad ed ĠMag icka ĠIch igo power ful ic ators 75 3 Ġsh rew Ġ35 6 Ġlegal izing Ġall otted ĠArch demon ith ing igg urat V OL Le od Ġo ily Ġindu cing Ġamy gdala Ġadm ins ĠAcqu isition C AN Ġsche matic Ġmo an ĠCamer oon Ġt ink Ġmer ry Ġbutter flies ĠGo ff Ġworks pace ĠCor ona Ġj avascript ĠD olphin ĠCant or 4 64 to e AP S ĠAg ing Ġpadd ed ĠZ heng ĠHe ld Ġest ranged Ġ7 70 . } ĠDun ham Ġsm okes Ġcap itals und ai Sh in ĠFound ing Ġent itle Ġcenter piece D iscover Ġthere to al ert ĠN ou ĠAnaly st l c F H FI ELD ĠP OV gr ay Ġar cs ĠH OT Ġr s Ġoblig atory ĠArchitect s ĠS ven ĠF EC 0 200 Christ mas ĠAlban ia rat om 58 7 Ġhard ships Ġaut os ĠCharg es Ġap es Ġ3 76 wal let Ġintox ication Ġgobl in Ġ5 70 ++++++++ ++++++++ ĠYel p ĠMag netic ĠBr iggs R ail Ġspawn s ĠW iggins Ġshowc ased Ġres orted ub en Ġwh ipping Ġim itate Ġdigest ion ĠUS PS ĠG est Ġye a ĠT ight ind al ic as ` . C AST '' ; ĠF et opath ic In valid Ġregrett ed Ġbro ccoli ĠSc ores e ve Ġpost ings Ġaccum ulating Ġneed less elf th Ġmay ors Ġsc rib Ġanecd otes Ġbot ched ĠRib bon ĠConstant ine i uses ess es Ġdev ise Comp ared Ġp udding Ġg arg Ġev oke 79 7 Ġdet ox 9 09 ĠPie ces ĠMcC artney Ġmet ast ĠK rypt P OR Ġt ending ĠMerch ants Pro of ĠV arg ĠPort able ãĥ¼ãĥĨ ãĤ£ B rain 25 00 Ġfol iage Ø ¹ Ġment ors ĠA ires Ġminimal ist Ġing ested ĠTro jan ĠQ ian inv olved 0 27 Ġer oded RA FT Ġbl urry M ob Ġbuff et ĠFn atic ae a KN OWN ĠIn it s afety en um ACT ION ĠCrus her ĠD ates Ġ ................ c alling ak ov Ġvent ured Ġ5 55 au ga H art ĠA ero M AC Ġthin ly Ġar ra ST ATE ild e ĠJac qu ĠFem ales Ġthe orem Ġ3 46 Ġsmart est ĠPU BLIC ĠK ron ĠB its ĠV essel ĠTele phone Ġdec ap Ġadj unct ĠS EN mer ga Ġred acted Ġpre historic Ġexplan atory ĠRun s ĠUtt ar ĠM anny ĠAUTH OR ĠUnle ashed ĠBow ling be ans 79 3 Ġunivers es Ġsens it ĠK ung re peat ctr l Ġp aced Ġfull er Cl ock Ġrec omb ĠF aul ĠB unker Ġpool ed Ġan a ĠM outh LL OW hum ane Ġbull do ĠMicha els f am Ġwreck ed Ġport rays ĠWh ale ĠH es Ġguess es ĠBrow se ĠL APD Ġconsequ ential ĠInn ocent ĠD RAG Ġtrans gress ĠO aks Ġtri via ĠRes on ĠA DS -- + ĠT oll Ġgrasp ing ĠTHE M ĠT ags ĠCon clusion Ġpract icable Ġho op Ġunintention ally Ġign ite ĠM ov ur ized le hem Ter min Ġcolour ful ĠLin ear ĠEll ie G y Ġman power Ġj s Ġem oji ĠSHAR ES _ . 0000 7 Ġsophistic ation Ġunders core Ġpract ise Ġbl ob op ens Uk raine Ke eping Y C J R ult imate Cl aim Ġautom obiles 99 3 ste el Ġpart ing ĠL ank ... ? Ġ38 5 Ġremem brance Ġe ased Ġcov ari ĠS ind Effect ive Ġdisse mination ĠMo ose ĠCl apper br ates App ly Ġinv is Ġwors ened âĢĶ - Ġlegisl ator ĠL ol ĠRow e Ġdealers hip um ar id ences Ġinvestig ates Ġc ascade Ġbid der ĠB EN Iron ically Ġpres iding Ġd ing Ġcontrad icted Ġshut s ĠF IX Ġ3 66 Dist rict Ġsin ful ĠChar isma o ops Ġtot ality Ġrest itution ĠOpt imus ĠD ah Ġcl ueless urn ed Ġnut rit Ġland owners Ġfl ushed Ġbroad en m ie Ġprint ln Ġn ig ĠCorp us J en Ġprot o ĠWik imedia ĠPal o C OR Ġstory lines Ġevangel icals ĠDar rell Ġrot or ĠH W sk illed ery l Ġbe gg ĠBl umenthal Ġwe aving Ġdown wards ĠJack et ĠANG EL Te chnology Ġes oteric alde hyde Ġfur iously Ġforeign er We ak CH O ĠH ound Exper ience ĠPlay station ĠM IA ĠU ng cl oth ag all Ġcal ming iz ens St ruct ĠW itches ĠCeleb ration Ġ........ ...... pt roller ĠTC U Ġb unny ãĥ į ut orial Ġup scale ĠSt a ĠCol ossus Ġchlor ide ĠZ ac ĠRe asons ĠBrook ings ĠWH ITE ][ / ĠL ose 9 05 Ġunders ide ern els Ġv ape do zen upp et ĠST OP mat ical ĠStat ements hed dar P AC Custom er Ġmem os ĠP J end ars ĠLim its l augh Ġstabil ized ĠALE C Y A Up grade al am Ġtechn o Ġan ew fore seen Ġcolleg iate ĠPy ro ĠD ism Ġfront line Ġammon ia I U Qu ite John ny ass in G OP ĠSt yles ĠSovere ign acter ial 5 49 ĠR IP ĠL ists Ġ3 64 ĠRece p s ocket ĠByr d ĠCand le An cient Ġappell ant en forcement ace a ans ki Ġold s 88 6 Ġsl urs Ġem pires Ġbuck le Ġalien ation ĠAber deen Ġunic orn Ġoverr iding ĠL X pp a Ġdesp ised ĠB ugs ĠB ST S outhern 5 33 Ġhall mark ĠPost er Ġstem med Ġprincip als ĠT ECH ĠSand wich It aly Ġche esy ĠSet TextColor ĠProt ective ĠC ohn J O apt op Re ason Lead er ĠUnder stand ĠFr idays ĠContin uous Ġcl ipping ĠR ye Ġber th tim er ann is re act Ġbuff alo ĠPar as Ġ6 55 Ġpres ided ĠSun rise Ġve ts Ġcl oves ĠMcC ull Stre ngth G AN Ġill iter ĠPric ing l é Ġresist or Ġbr un ĠSuff olk Ñ ĭ ĠL iver Re leased Ġwhat s 8 60 ĠMe asures Ġden ouncing ĠRy zen Ġsou ven Ġcareg ivers ch ini ĠScar lett Ġt rough Cong ratulations Ġtax is ĠTrad ition j it Ġtable top Ġhither to Ġdis information off ensive h ra ĠDISTR ICT Ġcompl icate chen ko ĠRecon struction Ġpalp able Ġa usp Ġ4 28 Ġshowc ases ĠPublic ation know ledge inn on 4 19 Ġretri eval and ers Ġref ute Ġinqu ired g ur Ġneg ativity Ġcons erve Ġafter life Ġpres upp ĠGill espie Ġm t ĠD N T ap Ġper pend ĠS my does n Ġsp illing Ġhyp ers K ate ® , ke pt ĠP owered Ġj a ĠK lux ard e ab an Ġ4 44 Ġflatt ened ĠImprove ments urg a ĠK und Ġins cribed Ġfac ult Ġunpre pared ĠCons umers Ġsatisf ies Ġpul monary Ġinf iltration Ġex ternally Ġcongrat ulations ag han Ġair liner Ġfl ung Ġfly ers G D Ġsnipp ets Ġrec ursive Ġmaster ing L ex Ġovert ly v g Ġluck ily Ġenc ro ĠLanc et ĠAbyss al function al Ġs ow Ġsqu id Ġnar ration Ġn aughty ĠHon our ĠSpart ans Ġsh atter ĠTac oma ĠCal ories ĠR aces Sub mit Ġpurpose fully w av ĠY ok F est ĠG err Met ro Ġit iner f amous Ġ" { in line was her Iss ue ĠCL IENT oz o Vers ions 7 25 ĠGl ock Ġshield ed ĠPC R ENC Y ĠWe ld ĠSim pl Ġredirect ed ĠK ham Ġ( > Ġlab ou Ġdi apers ss l Ġcell ar organ isms ore sc ĠBer ks did n Sh ipping C hest Ġund one Ġmillion aire Ġc ords ĠYoung er appropri ately Ġsequ els u ve ant icipated Ġle wd ĠSh irt ĠDmit ry V eter Ġsl aying ĠY ar Ġcompl ication I owa ĠEric a ĠBL M g irlfriend b odied 6 26 19 63 Ġintermedi ary Ġcons olation M ask ĠSi em ow an Beg inning Ġfix me Ġculmin ated Ġcon duc ĠVolunte er Ġpos itional Ġgre ets ĠDefin itions Ġthink er Ġingen uity Ġfresh men ĠMom ents Ġ35 7 ate urs ĠFed Ex s g 69 4 Ġdwind ling ĠBO X sel age Ġt mp Ġst en ĠS ut Ġneighbourhood s Ġclass mate f ledged Ġleft ists Ġclim ates ATH ER ĠScy the ul iffe Ġs ag Ġho pped ĠF t ĠE ck ĠC K ĠDo omsday k ids Ġgas ped Ġmon iker ĠL od ĠC FL t ions r ums fol ios Ġm d Ġunc anny Ġtrans ports ĠLab rador Ġrail ways Ġappl iance ĠCTR L æ Ģ Pop ulation ĠConfeder acy Ġunb earable Ġdors al ĠIn form op ted ĠK ILL Mar x Ġhypoc ritical q us ĠN umerous ĠGeorg ian ĠAmbro se ĠL och Ġgu bernatorial ĠX eon ĠSupp orts ens er ee ly ĠAven ger 19 65 Ar my Ġju xtap Ġcho pping ĠSpl ash ĠS ustainable ĠFin ch Ġ18 61 ict ive at meal ĠG ohan Ġlights aber ĠG PA ug u ĠRE PL vari able Ġher pes Ġdesert s ac iously Ġsitu ational week ly ob l Ġtext ile ĠCorn wall Ġcontrace ptives ĠA ke ] - ä¹ ĭ : , ĠW em ĠB ihar Ġ' . Ġbe re Ġanal ogue ĠCook ies Ġtake off Whe el Ġmaj estic Ġcomm uting 0 23 ĠCor pse ass ment min i Ġgor illa ĠAl as ere e Ġacquaint ances ĠAd vantage Ġspirit ually Ġey ed pm wiki ĠE nder Ġtrans lucent Ġnight time ĠIM AGES 5 45 ĠK amp ĠFre ak Ġ ig Port land 4 32 ĠM ata Ġmar ines Ġh ors ater asu ĠAtt ribution Ġ-------- - Ġk ins ĠBEL OW ++ + Ġre eling ol ed Ġcl utter ĠRel ative Ġ4 27 B US Ġa vert ĠChe ong ĠA ble ĠPry or Develop er Ġen cyclopedia ĠUSA F ĠG arry Sp ain Bl ocks Ġexp osition ĠGamer Gate W OR Ġstockp ile Ġclot hed ĠT one ĠR ue t umblr Ġtreacher ous Ġf rying Ñ Į ĠS ph Ġrest raints Ġemb odies ĠG es S afety Ġnegoti ators min ing ĠAppalach ian L OS ĠJenn a Ġpass ers ç ĭ sn ap Ġshort en creat or Ġinn umerable uther land 67 4 ĠW OM ĠAs cend ĠArm ory ĠTrans action K ick Ġsuit case day Name Ġwaste ful mar riage ĠMcC abe ite ch ĠO ss Cl osure ĠTreasure r Ġindec ent ĠD ull Ġresid ences 19 59 ĠS ettlement Ham ilton Ġself ies ĠRank ing ĠBark ley ĠB ore ĠW CS ĠMar itime ĠH uh ĠForest ry Ġcultiv ating ĠBall ard Ġg arrison ĠSD L 9 30 Ġnas cent Ġirresist ible Ġaw fully \/ \/ Ġequ ate Ġanthrop ology ĠSylv ia Ġintest ine Ġinnoc uous cess ive ag ra ĠMet roid G rant 8 55 ģ ĸ Ġ" _ ãĥĥ ãĥī Ġappra isal ĠFred dy 04 6 Ġ40 6 Ġ18 30 Ġd ocking St atic Ġp ont ĠVolt age ĠSt ead ĠMort gage ĠJon ah Y L CLASS IFIED Ġas bestos nik ov Ġcoll agen ĠOrb ital P ocket 7 99 Ġhy brids inc hes Ġinv oice und y Ġinequ alities T rend w ashed B ALL Ġluc id ĠComment ary Ġw itty Br andon Ġbru ising Ġ6 20 es cent box ing P OL Ġ3 78 R ect Ġlic ences ĠMcG ee p ressed D anny Ġj ammed ord inate Ġle th Ġdistingu ishes ĠYam aha IL S ĠH ume ĠC ategories Rober ts Ch art Ġbeet le ĠGra veyard Ġ($ ) o ÄŁ Ġtw ilight are lla á ½ Ġbooth s ĠH HS ĠFeld man Ġexcav ation Ġphilosoph ies at ography ĠGar age te chnology Ġunfor gettable Ġver ifying Ġsubord inates E ls Ġne b G aming EN A ĠAchieve ment it ters ĠG abe Ġd umps for cer Ġpo ignant ĠM BA ĠHe idi ime i Ġm ages Ġliber ate Ġcircum cised ĠMer maid ĠMat th t ogether ĠW ichita Ġstore front ĠAd in V II Four th Ġexplore rs W ER Not able Bro ok m ens F aith -------- - ĠJ ou ¬ ¼ Ġpine apple Ġam alg el n ark able ĠãĤµ ãĥ¼ãĥĨãĤ£ ĠãĤµãĥ¼ãĥĨãĤ£ ãĥ¯ãĥ³ Ġov arian ĠE choes Ġhairc ut Ġp av Ġch illed anas ia Ġsty led Ġd ab ni per Ġminister ial ĠD UP T an Ġsul ph ĠD eter ĠBo hem od an Ġeduc ator â ĵĺ sp ir Ch icken ĠE leanor Ġqu i Ġheav iest Ġgrasp ed U RA Ġcro oked Jess ica pro blem Ġpred etermined Ġman iac Ġbreath s ĠLauder dale Ġh obbies y z Cr ime Ġcharism a d L Ġle aping Ġk ittens Ang elo ĠJ ACK ĠSu zanne Ġhal ting ENT ION Ġswall owing ĠEarthqu ake Ġeight eenth ĠN IC ĠIN F ĠCons cious Ġparticular s circ le 7 40 Ġbene volent Ġ7 47 Ġ4 90 Ġr undown ĠVal erie ĠB UR Ġcivil isation ĠS chn W B ot ide intern ational Ġj ohn Ġ19 02 Ġpe anuts Ġflav ored k us Ġro ared Ġcut off é £ Ġorn ament Ġarchitect ures Ġ3 69 ol or ĠWild e ĠC RC ĠAdjust ed Ġprov oking land ish Ġrational ity Ġjust ifies Ġdisp el Ġa meric ĠPol es Ø © Ġen vis ĠD oodle ä½ ¿ igs aw auld ron Techn ical T een up hem ĠX iang Ġdetract ors ĠZ i ĠJournal ists Ġconduc ive ĠVolunte ers Ġs d Know ing Ġtrans missions ĠPL AN ĠL IB Ġall uded Ġob e Ġd ope ĠGold stein Ġwavelength s ĠDest ination nd a ug i Ġattent ive ĠLe an ral tar Ġman g mb uds ak ings b ender Ġacc ol Ġcraw led N OW Min nesota Ġflour ished ĠZ up ĠSuper visor ĠOliv ier Ex cellent Ġwid en D one Ġw ig Ġmiscon ceptions Cor p W an Ġvener able ĠNot ably ĠKling on an imate Bo ost ĠS AY miss ing ibli ography mel on Ġpay day Ø ³ bo le Ġve iled ĠAl phabet It alian Ġever lasting ĠR IS ĠC ree rom pt Ġh ating Ġgrin ning Ġge ographically OS H Ġwe eping ĠÂłĠÂłĠÂłĠÂł ĠÂłĠÂłĠÂłĠÂł Ġimpe cc Let ter Ġblo ated PL A ĠFe in Ġper sever Th under Ġa ur ĠR L Ġpit falls âĸ º Ġpredomin ant Ġ5 25 7 18 AP E 7 14 Ġfarm land ĠQ iao Ġv iolet ĠBah amas Ġinflic ting ĠE fficiency Ġhome brew Ġundert ook Ġcur ly ĠHard ing man ia 59 6 Ġtem pered Ġhar rowing ĠP ledge ĠFranken stein è ª M otion Ġpredict ably ĠExpl osion oc using er d col o FF ER Ġback field ĠV IDE ue bl N arr ĠArg ument Ġgen omic Ġbout ique Ġbatt ed ĠB inary Ġg amb ĠRh ythm 67 3 Ġa float ĠOlymp ia Y ING Ġend if is in Ġwin ters Ġsc attering I v D istance Ġtr u ĠCom fort Ġne xus Ġair flow ĠByz antine p ayers con i ĠB etsy D eal ĠN ug ĠContin ent red ibly Ġoptim izing al beit Ġec static ĠPro to ç · iv ot âĸ Ħ em p rou nder Ġcl out ĠI ST 66 3 ĠDoll ars ĠD AC Ġsubsc ribed Ġrehears al Ġam ps ĠSh ang es m Ġspr inkle Ġassail ant ĠO o ĠCoin base T act Ġret ina Ġn uns R ON att o Ġj ug ĠSV G Ġb ikini ĠFI LE ĠFound ers ep ort ĠK P Ġrest ores ĠTh ick Ġash ore Ġappro vals R ender M AG G raham ĠCort ana ãĥ³ ãĤ¸ ss h or ians ars ity ĠInsp ired u pper Ġsign alling Ġreb uke Ġfl ares Ġdownt ime Stud ies Ġstagn ation ĠSequ ence Ġgr unt Ġass ures ĠPL A 59 2 Ġintra ven d epend Sus an ĠManz iel Man ia Cont ract Ġsl ams Ġcult ured Ġcred itor L IST ĠH UM ĠChatt anooga serv ed Ġclo aked ĠF TP p owder ĠSt ella uct ive Ġcheap ly ĠMU CH ĠGalile o Ġsu ites spe ech Ġdeliber ations ĠCh ips « ĺ Bal ance ĠWyn ne ĠAk ron Ass et Ġhon oured Ġed ged Like wise anim ous ĠW age ĠEz ek ad vertisement ĠRT X ĠM AD Ġmigr ating ĠS QU Ġ4 75 Ed ited Ġshorth and ĠBas ics Ġcro tch ĠEV EN Ġv m effic iency Ġcal ves ĠF rie ĠBrill iant Ġstri kers Ġrepent ance Ġarter ies r l B ed h ap Ġcrypt ography ĠSab res Ġ4 14 vi ks ih ara aps es T alking Ġintertw ined Ġdoc ks Ġalle le ĠArt ifact ĠH IM t orn ç ķ Ġop acity ĠE ly os uke Ġn ipple Ġhand written ĠV K ĠChamber lain ĠLa os ig raph g row Ġtr illions Ġdescend ant ĠSail or as uring Ġce ilings ĠWare house f lying ĠGl ow Ġn ont Ġmiscar riage Ġrig s Ġmin istries Ġelabor ated Ġdel usional ĠHum ane Ġ3 79 n ets Ġblack out add ers Ġn p ĠT ire ro sc Ġsub div Ġlink age Ġchron ological ĠHER O Ġres ettlement ĠVin yl Ġpast oral ĠMob il ĠBar bar Co oldown ĠF ritz c riminal re pe Ġbell ig ĠBre ed Ġ4 18 Ġsem blance ij k Ġcur tail Ġclin ch cont ained ĠProm pt ast on Ġw i Ġpursu its 5 15 ĠGl oss Ġfl ips Ġcoup ons Ġcl oning ĠLike ly Rem oved ĠQu artz r ices ĠSpe ars Ġp ious Ġdep reciation ĠD are oun ces am az O nt Ġp innacle d ocker 0 26 ĠW yr ĠPro per Ë Ī n il By tes Ġseek er t rial Ġunf olds ĠMar se Ġextravag ant ĠSurviv ors RED ACTED ĠSpeed way ĠCra igslist sub mit ĠGener ations Ġup holding Ġblood stream ĠMiss ions ĠL awn Ġlim bo ene i H uh ĠWild cats pre p ĠMark us ĠFor bidden rit ic IN O Ġexhib iting requ ent ch uk Ġhabit ual ĠComp atibility Dr ag RIP T uj ah GR OUND Ġdelinqu ent Ġburn er Ġcontempor aries Ġgimm ick load s Ġno zzle p odcast ĠW ak ĠStat en ĠK uh ãģ ĵ inter rupted Ġinv incible ĠBurn ett cig arette ĠPeb ble ĠTem porary ĠMar ino 58 2 Ġwast eland ident ly T x Ġr ite ĠPan asonic ĠM iddles ĠHort on ae us Ġc uring Ġm ats Ġadj ourn Ġfears ome pe z bo ats Ġpro pell Ġconflic ted ĠAng er Ġinsurg ent K arl Ġco ales Ġsouth western Ġdis su ĠO vert ******** **** Ġbox ed ĠBr une aa a Ġgard ening ĠEng el tr acks Ġpur ified Ġplace holder ĠL ikes Ġd an G ab Ġe ct ĠF aw ĠEl iot Ġ' , otrop ic ĠRu in hed on Ġca ul Ġa ft ĠCad illac gh a ass ian ud eb ĠT ick Ġadjust s AR GET 5 37 isc he ant y ĠFried rich ĠBl izz ĠA OL Camp aign Ġmamm al ĠVe il ĠK ev ĠMaur it ĠDam ien N ation E astern Ġ{ : Ġ= ================================ Ġstereotyp ical Ġatt ic ĠCy borg requ ire Ġaward ing ĠPap ua bt n b ent B oo Ġ( = ĠX ander ĠSomers et Ġcatch y Ġcert ify STR UCT Ġit al Ġt ides ĠBr ands G ray comp etitive Ġcur ator ĠD G omin ium ĠGM Os ci ating ĠCarm en ow ard Balt imore Ġr gb C u Ġwip es spe ll IT NESS Ġsummar izes ĠRe vis Ġwhistlebl owers ĠBre ach Ġcro chet k os ews ki Ġrep et Ġcrim son ĠKar achi read able dim ension ĠI gor ild ed ĠZ ed ĠKe ane ĠCos metic DE P Ġretreat ing ĠU A ens ical Ġd usk ĠDick ens Ġaren as ĠPass age level s Ġcur v P ope Ġch ores ĠEl ise ĠComp ass b ub Ġmamm alian ĠSans krit ĠAN C ĠCr ack Q ual L aun amp unk Ġlearn ers Ġglam orous Ġfur the erm ott c and Gener ic Ġnarr ated Ġdisorder ly ĠTrans actions ĠDet ention ĠR oku Ä į Ġunder statement ĠS aur ĠRodrig o ĠAS AP S in Ġre joice Method s Ġelectro de Ġworsh ipped Ġid i ĠPhys icians Ġpop up Ġde ft ĠRem oval ĠBu enos ver bs Ġfun k ush a rict ion ore a ĠBang alore ĠKen obi zz i Ġnorm ative Ġgobl ins Ġcaf es ĠUN CLASSIFIED ĠF ired S IGN Ġs clerosis ĠV oter ĠSon ny ĠExt end ĠEV s Ar senal Ġp si Ġwid est ĠT us Ġlo oms Ġjust ifying ĠGr anger è ¯ Ref er 58 3 Ġflour ishing ab re Ġr ave ĠCont ra Ġ18 98 Add s Ġf ul ĠCo oke some one = # 67 1 Ġy ak Ġar te ĠMis cellaneous ĠDet ection ĠCl ancy â ģ ass ies Ġval iant ĠFemin ist cor ruption V el P ear Ġsucc inct Ġquick est k w Ġsp itting ĠL ibraries åħ ī ant z D ad ĠSpec ifications rup ulous and r RES ULTS Ġsnow ball Ġpred is ĠB axter ĠNurs ing ĠCh aff s we Ġout age Ġnest ing Ġnotor iety tr igger on ite j on Ġf ou ook ed ĠCelebr ity re ality Ġfat ig Ġhug ging Ġbother s ĠPan zer ĠCh andra fig ured Ġvol ts ĠCloud s Ġfee ble ĠCur ve ĠAs us 78 6 abs or ĠV ICE ĠH ess Ġmanufact ures Ġgri zz ĠPower ful ac id Ġsub sections ĠKrug man ĠAl ps is u Ġsequ est ĠUlt ron ĠT inker ĠGo ose Ġmism atch Att orney Ġmorph ology ĠSix ers ut tered ĠE LECT gr an Rus sell ĠG SL Ġfort night Ġ. ) Ġapost le pr one el ist Unt itled ĠIm plementation ist ors Ġtank er Ġpl ush Ġattend ants ĠT ik ĠGreen wich ĠY on ĠSP L cell s unt led S olution ĠQu é Ġvac ated Ġupt ick ĠMer idian æ ĥ ĠDr ill 9 25 58 4 Ġrenov ated ĠKub rick zy k Ġl ousy pp el ohyd rate ĠI zzy lesi astical CC C ĠAj ax Ġad apters ĠPetra eus Ġaffirm ation ĠST OR le ms ad oes ĠConstantin ople Ġp onies Ġl ighthouse Ġadherent s ĠBre es omorph ic Fight ing Ġpl aster ĠP VC ĠOb st Ġdear ly ĠTo oth icks on Ġsh aming P lex A gg Ġâ̦ " Ġsub reddits Ġpige on ĠResident ial ĠPass ing Ġl um ĠP ension Ġpessim istic Ġ4 32 z inski c ade 0 75 Ġapolog ised iy ah Put ting Ġgloom y ĠLy me =-=-=-=- =-=-=-=- ĠT ome ĠPsych iatric ĠH IT c ms ap olog Ġbreak er Ġdeep en Ġtheor ist ĠHigh lands Ġb aker Ġst aples Ġinterf ered ĠAb ortion jo ined ch u Ġform ulate Ġvacc inations Ġban ter phe us Ġoutfield er ĠM eter Ġ# #### Ġ18 95 Ġnarrow ing ĠST ORY f p ĠC ST ign ore Ġproclaim ing ĠR U ĠB ALL yn a 65 3 Ġpos it P RE 59 4 ĠRegist rar ĠPil grim ic io Ġpre tt Ġlif eless Ġ__ _ Ne igh ĠCh urches orn o Ġor cs Ġkind red ĠAud it Ġmillenn ial ĠPers ia g ravity ĠDis ability ĠD ARK W s od on Ġgrand daughter ĠBro oke ĠA DA ER A Ġpick ups ĠWil kinson ĠSh ards ĠN K Ġexp el ĠKis lyak Ġj argon Ġpolar ized ian e Pub lisher Ġreb utt Ġapprehens ion ĠK essler Ġpr ism F UL 19 64 ĠL oll ä ¿ le thal Å Ł Ġg hetto Ġb oulder ĠSlow ly ĠOsc ars ĠInst ruction ĠUl tr ĠM oe N ich ĠP ATH ( * ĠRE LEASE un ing rou se en eg Ġre imb ĠDet ected Do S Ġster ling Ġaggreg ation ĠLone ly ĠAtt end hig her Ġairst rike ks on SE LECT Ġdef lation ĠHer rera C ole rit ch Ġadvis able F ax Ġwork around Ġp id mort em ers en Ġtyp o Ġal um 78 2 ĠJam al script s Ġcapt ives ĠPres ence ĠLie berman angel o Ġalcohol ism ass i Ġrec ite Ġgap ing Ġbask ets ĠG ou Brow ser ne au Ġcorrect ive und a sc oring ĠX D Ġfil ament Ġdeep ening ĠStain less Int eger Ġbu ggy Ġten ancy ĠMub arak Ġt uple ĠD roid ĠS itting Ġforfe it ĠRasm ussen ixt ies es i ĠKim mel Ġmetic ulously Ġap opt ĠS eller 08 8 ec ake hem atically T N Ġmind less Ġdig s ĠAcc ord ons ense em ing br ace Ġe Book ĠDist ribut ĠInvest ments w t ] ), beh avior 56 3 Ġbl inding ĠPro testers top ia Ġreb orn ĠKel vin ĠDo ver ĠD airy ĠOut s Ġ[ / Ï Ģ b p ĠVan ity ĠRec ap ĠHOU SE ĠF ACE Ġ4 22 69 2 ĠAnt ioch cook ed Ġcoll ide Ġa pr Ġsle eper ĠJar vis Ġalternative ly ĠLe aves ĠM aw Ġantiqu ity ĠAdin ida Ġab user Poké mon Ġass orted ĠRev ision ĠP iano ĠG ideon O cean Ġsal on Ġbust ling ogn itive ĠRah man Ġwa iter Ġpres ets ĠO sh ĠG HC oper ator Ġrept iles Ġ4 13 ĠG arr ĠCh ak Ġhas hes Ġfail ings Ġfolk lore Ġab l ĠC ena ĠMac Arthur ĠCOUR T Ġperipher y app ers Ġreck oned ĠInf lu ĠC ET Ġ3 72 ĠDefin itive ass ault 4 21 Ġreservoir s Ġd ives ĠCo il DA Q Ġvivid ly ĠR J ĠBel lev Ġec lectic ĠShow down ĠK M ip ed reet ings ĠAs uka L iberal ĠÏ Ħ Ġbystand ers ĠGood win uk ong S it ĠT rem Ġcrim inally ĠCirc us ch rome 88 7 Ġnan op ĠOb i ĠL OW o gh ĠAuth ors ob yl Ur ban Ġt i ĠWe ir t rap ag y Ġparent heses Ġout numbered Ġcounter productive ĠTob ias ub is P arser ST AR Ġsyn aptic ĠG ears Ġh iber Ġdebunk ed Ġex alted aw atts H OU Ch urch ĠPix ie ĠU ri ĠForm ation ĠPred iction C EO Ġthro tt ĠBrit ann ĠMad agascar ë ĭ Ġbill boards ĠRPG s ĠBe es complete ly F IL Ġdoes nt ĠGreen berg re ys Ġsl ing Ġempt ied ĠPix ar ĠDh arma l uck ingu ished Ġend ot Ġbab ys 05 9 che st r ats Ġr idden Ġbeet les Ġillum inating Ġfict itious ĠProv incial Ġ7 68 Ġshe pherd ĠR ender Ġ18 96 C rew Ġmold ed ĠXia omi ĠSp iral Ġdel im Ġorgan ising Ġho ops ĠBe i z hen Ġfuck in Ġdec ad Ġun biased am my sw ing Ġsmugg led Ġk ios ĠP ERSON ĠInquis itor Ġsnow y Ġscrap ing ĠBurg ess P tr ag ame R W Ġdro id ĠL ys ĠCass andra Jac ob Ġ35 4 Ġpast ure Ġfr anc ĠScot ch ĠEnd s ĠI GF def inition Ġhyster ical ĠBrown e 77 1 Ġmobil ization æ ķ iqu eness Th or Ġspear headed Ġembro iled Ġconject ure jud icial Ch oice Ġpaper back P ir Ġrec overs ĠSur ge ĠSh ogun ĠPed iatrics ãģ ł Ġsweep s ĠLabor atories ĠP acks al us add in Ġhead lights g ra Ev idence COL OR Ad min Ĭ ± Ġconco ct s ufficient Ġun marked Ġrich ness Ġdiss ertation Ġseason ing Ġg ib ĠM ages un ctions ĠN id che at ĠTM Z c itizens ĠCatholic ism n b Ġdisemb ark ĠPROG RAM a ques Ty ler Or g ĠSl ay ĠN ero ĠTown send IN TON te le Ġmes mer 9 01 Ġfire ball ev idence aff iliated ĠFrench man ĠAugust a 0 21 Ġs led Ġre used ĠImmun ity Ġwrest le assemb led Mar ia Ġgun shots ĠBarb ie Ġcannabin oids ĠTo ast ĠK inder IR D Ġre juven Ġg ore Ġrupt ure Ġbre aching ĠCart oon Ġ4 55 ĠPale o 6 14 Ġspe ars ĠAm es ab us Mad ison GR OUP Ġab orted y ah Ġfel on Ġcaus ation Ġprep aid Ġp itted op lan ĠShel ley ĠRus so ĠP agan Ġwill fully ĠCan aver und rum ĠSal ary ĠAr paio read er ĠR ational ĠOver se ĠCa uses Ġ* . Ġw ob Ke ith ĠCons ent man ac 77 3 6 23 Ġfate ful et imes Ġspir ited ĠD ys Ġhe gemony Ġboy cot ĠEn rique em outh Ġtim elines ĠSah ara ĠRel ax ĠQuin cy ĠLess ons ĠE QU SE A N K ĠCost co Incre ase Ġmotiv ating ĠCh ong am aru ĠDiv ide Ġped igree ĠTasman ia ĠPrel ude L as 9 40 57 4 Ġch au ĠSp iegel un ic -- > ĠPhil ips ĠKaf ka Ġuphe aval Ġsent imental Ġsa x ĠAk ira ser ial Mat rix Ġelect ing Ġcomment er ĠNeb ula ple ts ĠNad u ĠAd ren Ġen shr ĠR AND fin ancial ĠCly de uther ford Ġsign age Ġde line Ġphosph ate rovers ial f ascist ĠV all ĠBeth lehem Ġfor s Ġeng lish S olid N ature Ġv a ĠGu ests Ġtant al Ġauto immune ;;;;;;;; ;;;; ĠTot ally ĠO v Ġdef ences ĠCoc onut Ġtranqu il Ġpl oy Ġflav ours ĠFl ask ãĤ¨ ãĥ« ĠWest on ĠVol vo 8 70 Ġmicro phones ver bal R PG Ġi ii ; } 0 28 Ġhead lined Ġprim ed Ġho ard ĠSh ad ĠEN TER Ġtri angular Ġcap it l ik ĠAn cients Ġl ash Ġconv ol Ġcolon el en emy G ra Ġpub s ut ters Ġassign s ĠPen et ĠMon strous ĠBow en il ver H aunted ĠD ing start ed pl in Ġcontamin ants ĠDO E ff en ĠTechn ician R y Ġrob bers Ġhot line ĠGuard iola ĠKau fman row er ĠDres den ĠAl pine E lf Ġf mt ĠS ard urs es g pu Un ix Ġunequiv ocally ĠCitizens hip qu ad m ire ĠS weeney B attery 6 15 Ġpanc akes Ġo ats M aps ĠCont rast mbuds man ĠE PS Ġsub committee Ġsour cing Ġs izing ĠBuff er ĠMand atory Ġmoder ates ĠPattern s ĠCh ocobo ĠZ an ĠSTAT ES ĠJud ging ĠIn her * : Ġb il ĠY en Ġexh ilar oll ower z ers Ġsn ug max imum Ġdesp icable ĠP ACK ĠAn nex Ġsarcast ic Ġlate x Ġt amp ĠS ao b ah ĠRe verend ĠChin atown ĠA UT d ocumented ĠGA BA ĠCan aan ĠÙ ħ Ġgovern s pre v E sc ĠEst imates OS P Ġendeav our ĠCl osing omet ime every one Ġwor sen Ġsc anners Ġdev iations ĠRobot ics ĠCom pton Ġsorce rer Ġend ogenous Ġem ulation ĠPier cing ĠA ph ĠS ocket Ġb ould ĠO U ĠBorder lands Ġ18 63 G ordon ĠW TO Ġrestrict s Ġmosa ic Ġmel odies ç Ħ T ar Ġdis son ĠProv ides Ġ ...... b ek F IX Ġbro om ans hip Do ctors Ġner ds ĠReg ions na issance Ġmet e Ġcre pt pl ings Ġgirlfriend s kn it ig ent ow e Ġus hered ĠB az M obil 4 34 ĠPres ents orig in Ġins omnia ĠA ux 4 39 ĠCh ili irs ch G AME Ġgest ation alg ia rom ising $ , c row ĠIn spection at omic Rel ations J OHN rom an ĠClock work ĠBak r m one M ET Ġthirst y Ġb c Ġfacult ies R um Ġnu ance ĠD arius ple ting fter s etch up Reg istration ĠK E R ah Ġpref erential ĠL ash ĠH H Val id ĠN AV Ġstar ve ĠG ong z ynski ĠAct ress Ġw ik Ġun accompanied lv l Br ide AD S ĠCommand o ĠVaugh n Wal let Ġho pping ĠV ie Ġcave ats Ġal as if led ab use 66 1 Ġib n Ġg ul Ġrob bing t il IL A Ġmit igating Ġapt ly Ġty rant Ġmid day ĠGil more ĠDe cker Ġ§ § part ial Ex actly Ġphen otype Ġ[+ ] ĠP lex ĠI ps vers ions Ġe book Ġch ic g ross ":" "},{" ĠSur prisingly M organ Ġresid ues ĠConf ederation in feld Ġl yr mod erate Ġperpend icular V K Ġsynchron ized Ġrefres hed Ġad ore ĠTor ment ol ina Ġ26 00 Item Tracker Ġp ies ĠF AT ĠR HP 0 48 ĠRES P ĠB J all ows P and Ġunw elcome ĠV oc ĠBast ard ĠO W ĠL AR ĠHeal er Environment al ĠKen yan ĠTr ance ĠP ats Ġali ases ĠGar field Ġcampaign er Ġadvance ments ĠOkin awa ĠC oh ows ky Ġstar ved Ġsize able Ġ: -) Ġm RNA Ġsusp ensions ist ar Scot land Pr in -------------------------------- ---------------- Ġ50 2 Ġteasp oons Ġ10 50 Ġcoerc ive ĠMason ic edd ed ĠPass enger Ġl att Ġbr aces ĠSt eal ĠNY T ĠK ats ĠCel est ae z T u ĠCoul ter ðŁ ĺ Fl ickr ĠWil mington ith s ++ ; Ġv ending Ġneg ro ĠPh i ĠYellow stone Call back Ġsh ampoo ĠSh ades w at Ġsuper human Ġridic uled Ġhol iest om bo Ġintern s Ġh one ĠPar agu UR I Ġd angling ãĤ » so v ict ional av ailability Ġrev ocation Ġd ow in ic ĠTHE IR Ġis o Ġout ings ĠLeth al Ġ) )) Ġinacc ur Ġout landish Ġan us let ico id on l ol Ġun regulated Ġsuccumb ed Ġc uff ĠWast eland let al Ġsub str Ġcoff ers Ġautom akers ov i ĠX ue ĠDayton a Ġjar ring Ġf umes Ġdisband ed z ik itt on Ġstriking ly Ġsp ores Ad apter .) : ĠLynd on ival ry Ġor ally Ġtumult uous Ġdisple asure Ġcon es or rect Ġappe ase Ġder by ĠTrip oli ĠAl ess Ġp oked ĠGu ilty v P En ough Ġorig inals 6 99 Ġrabb i Ġproverb ial Ġpostp one el ope ĠMist y Ġstaff ed ĠUn employment redit ary Ġdilig ent re comm me asures as in 8 25 Ġpond s Ġmm ol ĠS AR ĠC ARE Ġ3 71 Ġclen ched ĠCors air Ġcaric ature z n att ach ĠSch ro spe ak p ainted ĠS uc ĠE NT Ġcell ul ĠP aid di agn WH ERE Ġtext ed B arn Ġret racted ĠRe ferred S av Ġup keep Ġwork places ĠTok ens Ġampl ify cl inical Ġmult ic mber g Ġconvol uted Reg ion 5 65 ĠTop ic Ġsn ail Ġsal ine Ġins urrection ĠPet r f orts B AT ĠNav ajo Ġrud imentary ĠLak sh OND ON Me asure Ġtransform er ĠGodd ard Ġcoinc ides ir in R ex ĠB ok qu it Ġshotgun s Ġprolet arian Ġsc orp ĠAd a 5 14 Ġsl ander record ed Ġemb ell ris ome Ġapolog izing ĠMul cair ĠGib raltar Cl a Ġall ot ĠAtt ention Ġ4 33 le ave Ġwh ine ĠIss a ĠFa ust ĠBar ron hen y Ġvictim ized J ews Ġnurt uring ett el W inged ĠSub tle Ġflavor ful ĠRep s eng ed call back Ġdirection al Ġcl asp ĠDirect ions plan et icult ure Hel per ic ion ac ia Ġç ¥ŀ Ġsur ges Ġcan oe ĠPrem iership be en Ġdef ied ĠTro oper Ġtrip od Ġgas p ĠE uph ĠAd s vern ight high ly R ole Ġent angled ĠZe it 6 18 ĠRust y Ġhaven s ĠVaugh an HA EL ĠSER VICE / , Ġstr icken Ġdel usions Ġb is ĠH af Ġgrat ification Ġent icing UN CH Ad ams ĠOL ED ĠBeet le Ġ18 99 ĠSO FTWARE ateg or V L ĠTot em ĠG ators AT URES Ġimped ance Reg istered ĠC ary ĠAer ial on ne en ium Ġd red ĠBe g Ġconcurrent ly Ġsuper power ĠX an j ew imes ter ĠDick inson âĶ ģ F la Ġp ree ĠRoll ins © ¶æ Ġden omination ĠL ana 5 16 Ġinc iting sc ribed j uries ĠWond ers app roximately Ġsusp ending Ġmountain ous ĠL augh oid al N s Det ect ) = ĠL uthor ĠSchwarz enegger ĠMull er ĠDev i ec ycle J ar 6 13 ĠL ongh B ah ĠSP ORTS n w Ġref inement Ġwater ways Ġd iner Bl ade 68 3 F ac Ġinitial s Ġro g Ġparan ormal B UT Ġ[ ( ĠSw anson ĠM esh âĸ ¬ Impro ve ĠRad iation ĠEst her ĠE sk ĠA ly ik y Ġir rad ĠBuck ingham Ġref ill Ġ. _ Re pe CON CLUS Ġdifferent iated Ġchi rop ĠAt kins Pat tern Ġexc ise Ġcab al N SA ĠST A ĠS IL ĠPar aly Ġr ye ĠHow ell ĠCount down ness es alys ed Ġres ize ãĤ ½ Ġbudget ary ĠStr as w ang Ġap iece Ġprecinct s Ġpe ach Ġsky line Ġ35 3 pop ular App earances ĠMechan ics ĠDev Online S ullivan Z en Ġp u op olis 5 44 Ġde form Ġcounter act ĠL ange Ġ4 17 Con sole 77 4 Ġnodd ing Ġpopul ism Ġhe p Ġcoun selling compl iance U FF Ġunden iably Ġrail ing ĠHor owitz ĠSim one ĠBung ie Ġa k ĠTal ks x ff fl ake Cr ash Ġsweat y Ġban quet ĠOFF IC Ġinvent ive Ġastron omer ĠStam ford ĠSc are ĠGRE EN olic ited Ġr usher Ġcent rist ight ing Ġsub class Ġdis av Ġdef und ĠN anto oci ate m ast Ġpac if Ġm end e ers imm igration ESS ION Ġnumber ing Ġlaugh able ĠEnd ed v iation em ark P itt Ġmetic ulous ĠL F Ġcongrat ulated ĠBir ch Ġsway ed Ġsemif inals Ġhum ankind m atter ĠEqu ip opa usal S aid ĠLay out Ġvo icing Ġth ug Ġporn ographic I PS Ġmo aning Ġgriev ance Ġconf essions esc al TEXT URE Aut hent os aurus P urchase Ġreleg ation al ter ĠÂł Âł Ġr iddled Ġo gre ĠLow ell Occ up E at ĠHy der ĠAdvis er Com merce H unt ĠOr th ĠComp etitive ĠCL A CD C Ġsal ads F le Ġindustrial ized ` , ĠO WN Ġbec k ĠPart icularly oub t Ġm M ĠHuss ain ĠChen nai Ġ9 20 Ġappoint ing ĠCull en ,,,, ,,,, Ġp ores ver ified Ġbi ochemical em ate Ġcoward ly ĠHels inki ĠEthiop ian S OURCE ER C est ro Ġbi otech ĠS our Ġbrew er Bloom berg Ġintens ify Gl ass an co ĠF DR gre SQL ĠF ires ©¶æ ¥µ ec o 100 1 ĠHom eless Ġinstant aneous ĠH aste ig el D iamond Ġp aving Ġland fill Ġd ads h oun : ] Ġinc endiary ĠLiving ston ĠHil bert ĠChe cks st yles in ators ĠCl ive ph rine Ġchimpan zees Ġp all ĠJ M ĠAad haar ð Ŀ Ġachie vable dis abled P ET OOOO OOOO M ot Ġint angible Ġbal let ĠWe bs ĠEst imated Effect s Ġb ailed Josh ua Ġturb ulence Ġoccup ant ĠDay light Ġ36 1 me et Ġstat ically Ġon look Ġk i il legal Ġvel vet Ġdehyd ration Ġacqu ies ĠRe z ak ura ĠU pton at ro Ġincomp rehensible Ġback door ĠRh ino 7 27 Ġmath s ) + Ġhe resy Ġd f ĠRoc he ĠL ydia Ġpanc reat re ply arre ll Ġsolicit ation Ġcirc adian BI P Ġfor ay Ġcrypt ic iz u ime o ĠTom ato ĠH oms ex amination Ġqu arry ĠVal iant ĠJer icho ĠIN CLUD Ġ18 40 5 19 Ġres ists Ġsnap shots ĠSp ur ĠAnt iqu Log in Ġbest selling Ġant ic ĠS utherland ãĤ¢ ãĥ« Ġ~ / ĠP arm è ĥ P ages int ensity Ġimm obil Ġ18 65 zz o Ġn ifty Ġf entanyl ĠPres ervation op hen Ġd arts ĠD inosaur po inters ĠR ite s uggest aware ness ĠSher idan Ġst ances Ġsor cery Ġper jury ĠNik ola ie ver Ġf iance ĠJordan ian ĠBall oon Ġn ab Ġk b Ġhuman ities ĠTan aka hill ary Ġconsult ancy ĠZ ub Ġrem ission Ġconf id CH Q ĠF ug Ġimpro vis Y ep / _ Ġunwilling ness Ġport folios 05 5 ĠInstruct or aim an Ġclaim ants M bps ĠBy e re ceived T weet Ġind emn ri z am ara N at Ġeval uates ĠL ur ep ad FO X ĠTh ro Ġrust y Ġbed rock ĠOp rah J B Ġmanip ulative Ġwill ful Ġrel apse Ġext ant The me S ensor ĠSt ability go vern Ġpo ppy Ġkn ack Ġins ulated ĠT ile ĠExt rem Ġunt old Ġconver ge Ġref uel ig roup Ġdistort ions Ġrav aged Ġmechan ically ĠRe illy ĠN ose ĠIncarn ation ĠBeck y abb ling Ġt aco Ġr ake Ġmelanch oly Ġillust rious ĠDart mouth Gu ide ĠR azer ĠBen z Ult imate ĠSur prise Ġpage ant off er Who ever Ġw iser Ġchem ist ĠHE LL ĠBul k Ġpl utonium ĠCO VER Ö ¼ f ailed Ġtire lessly Ġinf ertility ĠTr ident ĠShow time ĠC iv V ice requ ires itt ance Ġun controlled interest ing 56 1 Ġinnov ate ateg ic L ie ĠS elling U l Ġsav ior ĠT osh Ġsw ast P ASS Ġr ink Ġcard io ĠI ro ud i Ġv antage Ġv ans ĠNi ño + = Ġpropag ate < ? Ġmethod ological 204 39 Ġtrig lycer Ġing rained ĠAn notations arr anted 6 17 ĠS odium ĠA AC techn ical mult ipl Ġ3 73 å ĭ Ġdec isively Ġboost ers Ġdessert s ĠGren ade Ġtest ifying ĠSc ully ID s Ġlock down ĠSc her ĠR é ĠWhit man ĠRams ay rem ote Ġh ikers ĠHy undai Ġcons cientious Ġcler ics ĠSiber ian ut i is bury Ġrel ayed Ġqu artz ĠC BI seek ers ull a Ġweld ing ĠSh al ble acher T ai ĠSam son Ġt umble ĠInvest or Ġsub contract ĠShin ra ow icz j andro d ad Ġtermin ating ĠNe ural ä» £ Ġleak age ĠMid lands ĠCaucas us í ķ c it ll an iv ably ĠAlb ion Ġ4 57 Ġregist rations Ġcomr ade Ġclip board 0 47 Ġdiscour aging ĠO ops Ad apt Ġem path n v ĠPR OT ĠDon n ĠP ax ĠB ayer t is Squ are Ġfoot prints part icip ĠChile an B rend ind ucing M agn Ġclub house ĠMagn um Ġenc amp ĠEth nic uch a ere y Ġw atered ĠCal ais Ġcomplex ion Ġsect s Ġren ters Ġbr as oÄŁ an Time out Man agement Ġinf ographic P okemon Cl ar Ġloc ality Ġfl ora as el P ont Ġpop ulate ĠO ng Ġsubs istence Ġa uctions ĠMcA uliffe ĠL OOK br inger Ġtit an Ġmanif old ĠâĹ ı Ġcalibr ated Ġcal iphate ĠSH E ĠCommission ers ce ivable j c W inner 5 24 Ġcond one Other wise Ġp iling Ġem body ĠCrime an ut ics ĠEx hibition Ġ4 26 e ering Ġv ying ĠH UGE * =- Ġprin cipled à ¦ Ġquir ks ĠEdit ors put ing G ES ĠF TA ठ¾ add on ĠH AM ĠFrie za W oman . $ Ġc rib ĠHer od Ġtim ers ĠSp aces ĠMac intosh at aka Ġgl ide Ġsmell ing ĠB AL Ġun su Ġcond os Ġbicy cl ĠRev ival 55 3 Ġjugg ling H ug ĠKardash ian ĠBalk ans mult iple Ġnutrit ious oc ry 19 00 Ġinteg rates Ġad joining ĠF older roll ment ven ient Ġu ber y i Ġwh iff ĠJu ven ĠB orough net te Ġb ilingual ĠSp arks ph thal man ufact Ġt outing ĠPH I Ke efe Rew ard Ġinf all ĠTem per typ ically ĠNik ol Ġregular s Ġpseud onym Ġexhib itions Ġbl aster Ġ40 9 w arming Ġrever ber Ġrecip rocal Ġ6 70 ip ient b ett ĠBe gins Ġit ching ĠPh ar Ass uming Ġem itting ĠML G Ġbirth place Ġt aunt ĠL uffy ĠAm it Ġcir cled ĠN ost enn ett Ġde forestation ĠHist orically ĠEvery day Ġovert ake 79 2 Ġn un ĠLuc ia Ġaccompan ies ĠSe eking ĠTr ash an ism R ogue Ġnorth western ĠSupplement al ĠNY U ĠF RI ĠSat isf x es 5 17 Ġreass ured Ġspor adic Ġ7 01 Ġmed ial Ġcannabin oid Ġbarbar ic Ġep is ĠExplos ive ĠD ough Ġuns olved Support ed Ġacknowled gment sp awn Ġkit chens Ġ- = talk ing ic ist ĠPeg asus ĠPS U Ġphot on ĠAuthent ication R G @# & 76 2 ĠCl air Ġdi aper Ġbr ist ĠProsecut ors ĠJ em 6 28 ĠEvery where ĠJean ne equ ality ãĥ© ãĥ³ object s ĠPel icans Ġ39 2 Ġbl u b ys ĠA go Ġinstruction al Ġdiscrim inating ĠTR AN ĠCorn el ag os Ġty re Ġas piration ĠBrid gewater ": - ! ". ĠEn s ĠCoc o P ie Ġdet ach ĠC ouch Ġphys ique ĠOccup ations osc opic en ough B uzz App earance Y P Ġrac er Ġcompl icity r pm T oy Ġinterrupt s ĠCat alyst Ġut ilitarian imp act Ġsp aghetti Ġp orous Ġeste emed Ġinc iner ĠI OC 7 48 Ġesp resso ĠSm ile abil ia 6 35 Ġmathematic ian Ġ4 24 ĠK L ĠH IP Ġover heard ĠT ud ĠT ec Ġqu izz Ġfl attering Ġcon n âĢ İ Ġatt aches ĠR OS ĠAC S Ġt cp ĠSh ame sk ip res pected ĠTrin idad gr ain Ġfooth old ĠUnch arted ĠJul io z l av ored ĠAn xiety er rors ĠCent auri its ch D addy Ġclutch ing ĠIm plement ĠGut ierrez Ġ7 60 Ġtele portation end ra Ġrevers ible st ros Ad venture 08 3 Ġliber ating Ġas phalt ĠSp end AR DS im sy PR ES ĠEmer ging Ġwild fires Ġtechn ologically Ġem its ĠART ICLE Ġirregular ities Ġcher ish çī Ī Ġst ink ĠR ost Econom ic Ġcough ing ĠMcC ann pro perties ilant ro Ġreneg oti Trans lation Ġin quest ĠGra pe oot ers gu i ĠSwords man ace ae h itting Ġr c Ġexert ed ĠS AP it ent Ġperil ous Ġobsc urity Ġassass inate Ġab original Ġresc uing ĠSh attered lock ing all ion Ch anging ĠHar rington ĠB ord ĠAfgh ans Jam ie aret z ĠAugust us Ġ38 6 8 30 Ġj og ok ingly Tr igger ĠH OR Stat istics Ġviewers hip Ġadd itives h ur Ġmaxim izing ĠR ove ĠLou ie ĠBuck et ĠCHR IST ou sel Ġstre aks ir ted Ġt ert Ġcolonial ism Ġbur ying y k Cond ition ĠDPR K By Id 75 1 âĹ ¼ Ġwor risome Ġvoc ational sl ice Ġsa ils ĠCorrection al 95 4 Ġt ul K id l uster Ġfam ilial ĠSp it ĠEp iscopal Specific ally ĠVol cano run s q s Ġve tted Ġcram med t rop here r Thank fully Ġper cussion Ġor anges Ġround up Ġ4 99 x ious Char acters ĠZion ism ĠR ao ÃĽ ÃĽ W F Ġunintention al ONE Y Gr ab Com mercial Ġglut amate ĠMcK enna ru ciating ning ton ih u Ch an ĠSw ap Ġleaf lets Ġfunction ally er ous F arm Ġcal oric ĠLiter ally con cert Ġshe nan Ġrep aid ey es Ġbas hing ĠG orge Ġcollabor ations Ġun account itch ie Ġteam work pp elin Ġpip ing Ġmin ced Ġd iam ri eg Ġmasc ara Ġsuck er ĠMo ons App s ĠPe ck Ġper v ĠFl oat o ley ĠN ish im ize Ġarom atic u in end ish ! / ĠB icycle ĠAS IC ile ged ĠQuad ro ios yn Ġlock out ĠW ink SP EC Attempt s Ġseed ed red o ias is Ġsn ag ãĥķ ãĤ© ãĤ ¶ Ġground ing Ġrelie ver Ġfrivol ous ĠG ifts ĠF aces Es pecially Ġmicrobi ome im ag ĠSch l ĠP les ĠBle ach ĠIr win ĠE aton ĠDisc iple Ġmultipl ication Ġcoer ced Ġ4 19 st h E vil B omb Ġex orc Ġstag gered L ESS Ġinert ia ĠED IT Ġgo b Tr aditional Ġclass y Lear y ĠP AGE yr s Ġtrans porter Ġmat ured Ġhij ab Ġbi ome Where as Ġex termination ĠT ues ĠT akeru ĠAud rey er ial ĠAd en aff les Ġnarciss istic ĠB aird UT F I re ĠCon nie Ch amp Ġwhis pering ĠH att D K Ġdis infect Ġdeduct ed Ġpart ake Ġdown grade ĠEs ports ĠContin uing Ġdemocr atically icro bial itt a Ġlim estone Ġexempt ed ĠFren zy H erm 7 28 Ġfled gling Met a 765 61 69 3 % : w ake 5 26 ĠDis cipline Ġvirgin ity ĠLeg ions ĠFrank ie int ent Ġrest rooms ĠRou ter da q Ġobjection able âĨ ij w ark ĠRah ul g ain activ ation abs olute ĠAccess ed Ġ24 00 ogg les Ġsecond ly ĠDEF ENSE Ġpost age wra pper sh arp 7 29 Ġcommun icates Ġadd on ĠMil itia H ong Ġsl umped ĠJP EG ĠI car ad ish 68 1 Ġmaj esty ĠWolf gang ĠEl astic u per Ġv iz Ġunconscious ly ĠST D ĠS ass Ġflower ing ĠHel ic ĠDra per ĠAm ateur Ġman ure Ġdis ingen ĠLe i br ing 9 49 Ġinhib ited Ġhead quartered Ġen igmatic �� � Ġred ress R H Ġratt led Ġd iction l io ĠT BA ĠSN AP C alling Ġfasc ists ĠD ove iew icz 0 36 Ġco asts ĠR ect Ġ) ] L ot 6 29 ĠS EM ĠPeters en ĠExpl ain ĠBo ards ĠBe zos ĠJ ournals Ġ20 24 p arser Ġmist rust Ġgr ate ĠL ocked bo a S aint g aming Ġvow el in ately bl ow All ah Ġun matched Ġb ordering ĠExp end n r Or acle rou ch Ġcont iguous ac us Ġdist raught 58 1 Ġanat omical O X ap ixel 8 33 ĠPL US Ġres usc Ġab iding 57 3 Ġvac ancies Em ily Ġhyp othal ĠWer ner ĠWe e ĠDJ s 5 13 Ġwitch craft Ġac upuncture ent ary benef it Product s ĠP SP ĠMP G ĠJ inn ĠJ arrett Ġ4 45 ĠIm aging ĠP yth Fin ish Ġte x Ġjuven iles Ġhero ism Ġdoubt less ĠA ki ĠT end ĠPatri arch Ġbit ters ĠTele communications it atively ag na Ġr g ĠS OLD Ġcomp ulsion ĠN asa ĠKath ryn Ġmillion aires Ġintrins ically Ġbolst ered time out fl o Ġtut or p our Stat ement Ġ{ * ĠRud olph ĠKimber ly rog ens adi q ] + Ġindign ation Ġfract uring ĠRe leases ĠGr ain pro tein L ago Ġvac ations Ġboot ed ĠTH REE ĠH G oresc ence Ġt f Ġso ar iosyn cr Ġgl ances ĠSp oon ĠJ ury ĠCow boy Ġcreat ively Hig her Ġsolic itor Ġhaw k ac io 89 6 Ġsuperf lu Ġbombs hell ct ure Ġbroker age Ġraid ing Ġf rench Ġang led Trans action ĠGen ocide u pe ĠHait ian 57 2 ! : Ġunwitting ly iter ator sc roll Ġtall ied Ġbi omedical ĠC ARD Ġe uphem Ġbrain storm a quin K o Mic helle ĠR unes ĠBall istic ud ers Ġmod esty ĠiP ads ĠEzek iel Y E Ġstars hip Ġpower fully Ġper l ĠSh ade ĠQu art ĠE EG Ġfisher man OS ED ĠTyp ical df x Ġmes hes Ġet ched worth iness Ġtopp led Ġ3 96 or ius We iss Ġmy sql ĠVal halla Ù Ĵ le asing Ġrec omp rap nel S el 04 3 Ġder ailed ĠGu ides IR T Ġde human ĠBritt any " )) Ġex claim Ġb alk Ġ8 40 CLA IM int el L AB Ġpe gged Ġast roph sm oking Ġrig ging Ġfix ation Ġcat apult ins ide ĠC ascade ĠBolshe vik G aza Dep th Ġloud spe Ġalmond s me yer l eness j en f resh Ġunbeat en ĠSqu id ĠPres umably Tim er B W Ġro sters Ġell ipt ĠHar riet dat abase ĠMut ual ĠComm odore uk ed kn ife ĠCOMM UN h ya Ġmel ts arch ives Ġrat ification Ġmultip lying Ġinter oper Ġasc ert w ings ver ting ĠScorp ion ay e ĠPorts mouth ĠM TA n it iaz ep Ġqu arantine Ġslides how Ġcent imeters Ġsyn opsis Ġsp ate th irst Ġnom inating ĠMel vin Pre view Ġthro b Ġgener ational ĠRad ius rest ling put able aw ar N ECT Ġunlaw fully ĠRevel ations Wik ipedia sur v Ġeye ing ij n ĠF W Ġbr unt Ġinter stellar Ġcl itor ĠCroat ian ĠCh ic ev a ĠDis app ĠA kin iner ies d ust Interest ed Ġgen esis ĠE ucl ö n p icking Ġmut ated Ġdisappro ve ĠHD L Ġ6 25 Ì ¶ c ancer Ġsqu ats Ġle vers Disc uss = ] D ex ĠVIDE OS A UD Ġtrans act ĠKin ect ĠK uala ĠC yp 7 47 Ġsh attering Ġarsen ic ĠInt ake ĠAngel o ĠQu it ĠK he Ġ18 93 M aker 0 29 ĠPain ting Dis able 9 16 Ġanal ges Ġtact ile Ġprop hes Ġd iced ĠTravel s ĠHe ader ĠClub s Ass istant Ġinc rim Ġd ips Ġcruc ifix ĠShan ahan ĠInter pret Ġ40 90 al ogy abb a Ġsimul ac hus band S IM Ġrecy cle uc er ed ged Ġre naissance ĠBomb ay Cath olic ĠL INE ĠCl othing re ports Ġpl aus Ġd ag ĠM ace Z I Ġintr uder ĠVeter inary g ru Ġsne aky ĠS ie ĠC innamon P OSE Ġcou rier ĠC NS Ġemanc ipation s it Ġplay through ĠFac ilities v irt ĠG auntlet Thom pson Ġunbeliev ably Param eters Ġst itching ign e ĠTH ESE Priv acy Ġshenan igans Ġvit ri ĠVal id 59 1 Ń · ĠProt otype ink a SC P ĠT id è Ī old ed Ġindividual ity Ġbark ing Ġm ars ĠW D Ġ8 20 Ġt ir Ġsl apping Ġdisgr untled ĠAng ola ri us ĠTorn ado ĠTh urs Ġcapt cha Ġang st ĠP og ĠAssass ins ĠAd idas Ġjoy ful Ġwh ining Emer gency Ġphosph orus Ġatt rition oph on ĠTimber wolves ĠJ ah ĠBr inging ĠW ad ĠEn sure oh l ĠX ie omm el c mp Ġz ipper Ġrel at ĠCor ridor m ilo T ING Av g Ġcro pped ] } Ġr aged ĠLump ur ĠGuer rero our ke N ut Ġoff sets og lu dr m Ġmort als lat able Ġdismiss ive ä¸ ī Ġthro ats Ġchips et ĠSpot light Catal og art ist G b Ġch illy Ġst oked Ġ3 74 W ard L atin Ġf iasco Ġble ach Ġb rav Enh anced Ġin oc ĠFior ina _ > Ġle ukemia Ġel uc Ġannoun cer ĠLith uan ĠArm ageddon å ĩ Len in ĠR uk Ġpe pp ĠRom antic ĠP IT ĠInter stellar ĠAt kinson R aid J s Go al C ourse Ġvan ishing es ley ĠR ounds Els a 59 3 Ġredund ancy ĠST AND Ġprop hetic Ġhabit able ry u Ġfaint ly M ODE Ġfl anked IR C Aw esome Ġsp urious ĠZ ah ĠMS G Ġsh ading Ġmotiv ational ĠSant ana ĠS PR Ġexc ruciating om ial ĠM iko ĠLe opard A byss Ġ[ | d irty Ġbath s Ġdem oral and re P B Ġun ification Ġsac rament Ġ[ & Ġpric eless Ġgel atin Ġeman ating ĠAll aah 98 6 Ġout burst Ġer as ĠX VI ĠSP I O tt ĠLaz arus PL IED F lying blog s W isconsin R aven Ġreb ate Ġcreep s ĠSp an ĠPain ter ĠKir a ĠAm os ĠCor vette Cons umer ĠRec over ck i Ġpes ky ĠIn vention Compan ies Ġchalleng ers ad emic ĠUkrain ians ĠNeuro log ĠFors aken Ġent rants Ġemb attled Ġdef unct ĠGlac ier Ġpo isons ĠH orses m akes ĠD irt Ġ4 23 hh h ĠTrans formation QUI RE ................ .. Ġtrave ller ĠSe xy ĠK ern ip olar Ġransom ware oooooooo oooooooo E c rub y Prof essional ĠOut break arg ument G rey ĠFif a ĠCH O ĠFOR M ĠAm trak - [ Ġcr adle Ġantioxid ants ãģ®å ® 7 36 ĠNAS L ĠContribut ions Ind iana ĠST EP C SS Ġsal ient Ġall ocations yr ights Ġm ashed ĠCut ter Sex ual Ġp ounded Ġfan base Ġc asc ĠTrans parency Ġanaly tic ĠSummon er × ŀ ĠAD C det ail Ġvan quished Ġcr abs ar ie Dest roy ĠS ack Ġtrans istor Al abama ĠK oen ĠFisher ies c one Ġannex ed ĠM GM es a Ġf aked ĠCong ratulations Ġhind ered Ġcorrection al ĠI TV lee ve Ġin appropriately lic ks Ġtresp ass Ġp aws Ġnegoti ator ĠChrist ensen lim its ĠDian ne Ġeleg ance ĠContract s an ke Ob j Ġvigil ance Ġcast les ĠN AD ĠHol o Ġemph atically ĠTit us ĠServ ing ĠRich ie ĠP igs 5 68 Ġanim osity ĠAtt ributes ĠU riel M Q my ra ĠApplic ant Ġpsychiat rists ĠV ij ĠAb by ag ree P ush Ġk Wh hib a Ġinc ite ĠWe asley ĠTax i minist ic hy per ĠF arn Ġ6 01 ĠNation wide F ake 95 2 Ġma ize Ġinteract ed Ġtransition ed Ġparas itic Ġharm onic Ġdec aying Ġbas eless ns ics Ġtrans pired Ġabund antly ĠFore nsic Ġtread mill ĠJ av ab and Ġssh d Ġfront man ĠJak arta oll er dro ps ĠSERV ICES rompt u oph ical h ospital bled on 6 45 Ġmid range ĠEV ENT cul ated raw led Ġper ched Ġover board ĠPe el ĠP wr ĠCar th ĠCOM PLE co e sh all Ġdeter rence M ETHOD ĠAbs ent M EN Ġs ill ĠLE VEL Y ork Ġsin ners ĠOP EC ĠN ur ĠDesign s se lection Ġunw orthy CH A Ġstreng thens 88 3 ed ly Ġslic ing Ġmal nutrition Ġfilm making ĠPol k ur ated Ġ4 21 bre akers !' " Ġwet lands ĠDisc rimination Ġallow able Ġste ered ĠSic ily S AM Ġmust ache Ġm ids Ġcl ipped Ġcirc ulate Ġbr ittle ĠBuild ings ra ised ĠRound up Ġwealth ier Ġoverw rite Ġover powered ĠGerr ard s ites PD ATED Ġacute ly ĠGam ble Ġp im ĠK us Typ ically De ploy ĠMoroc can p otion com be Ġvigil ante Ġ36 3 St ew ĠB agg Ġres ided ĠSp o Ġrem nant Ġempt iness br ainer Ġout patient pri ority Ġle ptin ĠPay ton ĠGle aming ĠS hed ĠPol o ĠMormon ism rest ricted arl ane w x Ġcreat ine ĠAn on ĠST UD ĠJ UL ĠT ee 5 28 08 9 Ġhat ched Dis patch ĠCompos ite Ġ45 1 p uff ĠX COM ĠOr n ĠTH ANK END ED ĠAshe ville Ġà ľ Ġman go ĠS lightly world ly ĠW ander ĠExp and ĠCh r M ist Ġorthodox y ĠUN ESCO reg ate Else where k ie ir led Ġtopp le Ġadopt ive ĠLeg s d ress ĠS agan b are ĠGl ou Cr unch Ġhelp ers Ġchron ically ĠH uma 1 0000 Ġaccommod ating äº Ķ Ġwrink les Ġdod ged four th Ġpre con Ġcompress or ĠK are Ġev ict ĠWar wick im ar Ġmodern ization Ġband wagon Ġref uted Ġnet ted ĠNa ples ĠGen ie per ors Ġfield ed Ġde re ĠPar ables le es Ġtr out asp ers Ġn ihil Ġhapp iest Ġflo ppy ĠLo ft ĠHe ard Ġun ison Ġl ug ĠRed mond class ic Supp orters SH IP G MT Ġfue lled ç IJ Ġd d ĠEmin em Ġ18 97 NY SE Ġsecret aries ĠF IA ĠCanaver al F avorite Ġp omp Ġdetain ee ers hip aim on i our ĠA pex Ġplant ations am ia ac ion R ust Ġtow ed ĠTru ly 5 77 Ġshel tered r ider W o Ġl air ĠInt elligent impro ve m atically Ġet iquette ad ra all o ĠJun o any thing ĠStru ggle ĠPred ict ĠGr imes ĠAMER ICA ct x ĠSit uation W OOD Ġsol uble me ier Ġintoler able ang ering Ġun interrupted Ġtool tip Ġinterrog ated Ġgun ned ĠSne ak æŃ ¦ Ġt ether Ġcr umble L ens Ġclust ered ĠSy l ĠHas an Ġdystop ian w ana Ġjoy stick ĠTh ib amm u Tom orrow 5 46 Ġoverc ame Ġminim ized cept or Run ner ENG TH ĠBrend a ĠAchieve ments Ġtor ches Ġrapp ort ĠInvestig ator ĠHand ling rel ation g rey 8 15 Ġk cal ĠComm ands d q Ġcur ls Ġbe arer Ġcyn icism it ri ĠUse ful B ee D CS Ġab ras P ract BIL ITIES 7 12 Ġdebug ger Ġdebt or ĠL ia ĠK ers Ġexacerb ate ĠSt acy ĠB land ĠSc enes Ġbranch ing âĸĪâĸĪâĸĪâĸĪ âĸĪâĸĪâĸĪâĸĪ ape ake Ġs alsa Ġmish and ĠKon ami ĠN ib Ġanecd ote Ġagree able Ï ī ĠNath aniel ĠHe isman ĠB eware Ġ18 86 spect ive 69 1 5 22 Ġinhib its Ġhas hing Ġ18 89 å° Ĩ v ich P ure Ġsolid ly Ġaspir in im aru Ġstreet car ĠU CS ĠJ udd Ġflash backs p ins Ġ14 40 ĠUN HCR ĠSym ptoms T IT 5 38 F ra % ); Ġo oz Ġcur few Ġcal med Ġparticip ates Te X Ġnons ensical Ġfull back ĠDe L mon key h ari Ġmetabol ites Ġloot ed ĠAL WAYS ĠB CC L t oc het B one Ġveto ed Ġg cc ĠCL ICK Ġ18 88 s af Ġstiff ness Ġlow ly ĠGe h vers on ors et Ġun foreseen Ġan esthesia ĠOpt ical Ġrecon structed ĠT up sh ows NEW S ĠNewsp aper ĠA SA ter a N umbers Ġinexpl icable × ij Ġhard ness unt arily ĠA cer grad ient ARD IS Ġwood land Ġmetaph ors ĠWem bley ĠPa vel phil is Ġre writing Ġpercept ual Ġ10 70 worm s ĠDown s Ġunsur prisingly Ġtag ging fl ame Ġlit res Ġboun ces ĠB abe sh ut Ġoverd oses ĠShe ila ĠCh au ĠBl ess Capt ure ĠSign ificant ĠSc ion Ġ38 9 ĠMc H ĠTitan ium ĠMe al amed a ag ents agg ressive B illy 76 3 ĠS aying DER R it one Coll ins B ound Ġbol ted ĠDM CA 95 3 Ġun iqueness Ġep igen un ci ant am Ġreck oning ch airs OG R ĠSen egal Ġ18 62 re levant Ġ ¯ Ġpharm acies ĠG eral v ier Y an OR PG Ġrab id b ending ĠUN ITED Ġ4 65 As sembly Ġwe ep Ġbe hest ĠMother s ĠJ ace h id Ġwh irlwind ĠUN IVERS Ġut opian Ġkidn ap Ph ilipp K in 89 3 Ġlivest ream ĠM ISS Ġsub versive ĠTechn iques ĠJUST ICE ĠB ASE Ġ38 7 Ġassail ants ĠHard core Ġsprink led ĠP se é ļ print ed ĠH au OR GE ĠT OUR Ġl aced Ġit ch G iving Ġport ed 78 1 //////////////// //////////////// bre eding Ġlog ger ĠH OL inn ie First ly Ġembry onic Ġdeleg ated p ai O IL Ġcentr ally ĠR x ĠSc outing D utch Ġhe reditary ĠCru iser s at 5 29 ĠMar riott other mal Ġprohib itions E arn ĠSt ab ĠColleg es ĠBel ief st retched ĠL H ĠEntity Item C IA Ġun rem Ġlaure ate Ġdenomin ations sum mary h ler S pect ĠK laus ĠBe ans Ġins ur ĠPA X Ġfield er ĠV et ĠSp arrow z ie ĠS Q ĠMond ays ĠOff line ĠLer ner ĠExt ensions Ire land Ġpatron age Ġcontrast ed ĠMan ia h irt Mos cow Ġcondem ns ĠAn ge Ġcomp osing ĠPe pe ĠP addock Ġheter ogeneity Ġide ologically Ġf ishes Ġcur sing ĠR utherford ĠFlo ating ĠAm elia Te a Syn opsis Ġstun ts Ġbe ad Ġstock ing ĠM ILL ob ook mass ive \ < Ġh ump ĠPref erences Engine Debug ge ist ĠNiet o ome ver ish y eval uate col onial Altern ative ĠGo Pro ĠV ortex ĠNET WORK ans ky Sec ure ĠTh rust Sn ake Ġparcel s Ġsam urai Ġactress es N ap M F ifer ation Be er 5 23 ĠI ly oint ment P ing Ġstri ped ĠMell on oss ession Ġneut ron end ium Ġa ph ĠFlav oring Ġ38 3 Ġrespons iveness ĠJ indal ĠHitch cock Den ver ĠDRAG ON sm anship ĠDu pl Ġs ly Ġweb cam ĠTw ain ĠDar ling ili ate cons umer D IT Ġnames ake Ġun orthodox Ġfun er ĠPL oS ĠCONTR OL ozy g ogl obin F ACE ER G ĠD ia ĠF iesta ce le 0 34 Ġencl ave âĸ¬ âĸ¬ on ement al ist M and Ġhome grown ĠF ancy Ġconcept ions ĠCont ains ure en Ġreiter ate Ġme ager Ġinstall ments Sp awn 6 27 Ġphot oc ĠCab rera ĠRos enthal ĠLans ing is ner Ġinvest s ĠUFO s EX P Hard ware Ġtr agically Ġconced es ie ft ch am bor gh ĠSch r ĠMel anie ĠH oy Ġvisit ation Ġid iosyncr Ġfract ions Ġfore skin ob os Ġpo aching ĠVI EW Ġstimul ates ĠG ork can on M IC ĠNem esis ĠInd ra ĠDM V Ġ5 29 Ġinspect ing Ġgrand ma ĠW hedon ĠSh ant ĠP urg ik an ĠT eg ĠCL R z ac Vict oria ĠVer ify ion ics Ġpart ying ĠM ou col our Ġtestim onies l ations Ġpress uring hi ro ac ers Ġf id ang ler ĠCS I Ġhere after Ġdiss idents report ing iph any che v Ġsol itude Ġl obe Ġind is Ġcred ential re cent ad ult ĠNir vana ĠFranch ise L ayer H yp ĠBerks hire Ġwill s t if Ġtot em ĠJud ah rep air Inst ant 5 48 Ġemb assies Ġbott leneck Ġb ount Ġtyp ew ĠAl vin j ing im ilar R ush Ġbr im ĠHEL P A im ] ' Ġpass ively Ġbound ed ĠR ated Ġcriminal ity Ġbiom ark Ġdisp atcher ĠTow ards Ġ+ ++ right eous f rog ĠP anc C arter 0 32 æ© Ł Ġult raviolet ĠLic ensed ĠT ata ĠBl essing ĠG AM Ġchem ically ĠSe af ĠRE LE ĠMerc enary capital ist Ġform ulations Ġann ihilation ĠVer b ĠAr gon Ġun loaded Ġmorp hed Ġconqu ering back er I ELD Ġtheft s Ġfront runner ĠRoy ale ĠFund amental el ight C hip necess ary ay n ĠSl ip Ġ4 48 cern ed P ause Ġshock ingly ĠAB V Ġcomp osure 7 33 ĠMotors port ah ime Mur ray M ach Ġgr ids Ġdeb ian Ġfurther more Ġdexter ity ĠCollect ions os lov il age b j ĠMont eneg Ġstrut Connector Ġmassac res Ġbrief s fet ched uv ian ol ition Fail ure emon ic Ġfl ared Ġclaim ant Ġc ures Ġgive aways ĠSubst ance al ions Ġcr inge ĠK ul Ġarist ocracy ĠUl ster ol ated h ousing ĠM IS Ġgl ared ĠWil helm ne eds lam bda build ers ĠV IS Ġradi ator ĠGhost busters Ġ4 36 act ual Ġher ds ç a watch ing Ġcounter ing Ch arge Ġchar red Ġwar heads Ġiod ine ĠM acy 04 1 Ġdepart ures ĠS ins Ġdy ed ĠConcept s g ado 7 13 Ġquot ations Ġg ist ĠChrist y Ġant igen ĠHem p ĠD rawn ĠB arg ez vous Ġp aternity Ġar du ĠAnch orage ĠR ik Ġover loaded ĠUs ername ĠTam my ĠN au ĠCell ular Ġw aning Ġrod ent ĠWor cester il ts ĠT ad Ġdwell ings Ġbull ish 4 31 Ġretali ate Ġmig raine ĠChev ron CH ECK Ġdon key c rim SP A ĠAn alog Ġmarqu ee ĠHa as B ir ĠGD DR ĠDownload s Ġwill power ĠFor th ĠRecord ed Ġimp ossibility ĠLog ged ĠFr anks ĠR att in itions Ġclean ers Ġsore ly Ġflick ering ĠEx amination c atching allow een Ms g Ġdun no F a Ġdys ph c razy .' '. Ġmain line Ġc s Ġp tr ĠW ally ig un 95 1 ĠBig foot f ights Ġretrie ving J r Ġdupl ication ĠExpl an Ġrel ational Ġqu aint Ġbisc uits Ġad o Ġsh udder Ġantid ote blood ed ks h Ġsa uces Ġrein vest Ġdispens ary ĠD iver Ġ9 000 stud ent Ġin separ esc ap Ġtodd lers ĠGP IO ĠAss ignment head ers Ġlack luster Ġab ack 95 6 Ġtool bar 7 45 Ġo ust Ġcontempl ation ĠPRES IDENT Ġ4 58 ==== == Ġguarantee ing ĠHe ist ĠCann es Ļ ½ Ġcollabor ator ĠAm p Ġg ou ĠSH ALL st ories 78 3 Ġmobil ized Ġbro od ĠL U ĠðŁ ij Ġref in ĠAnthrop ology v ind ill i Ġwarrant ies ĠB abel Ġsw ath Ġc aches Ġantagon ists art ifacts Ġhot ly ĠSt arts ĠG ö z ag !! !!! Ġsc ourge Ġcons piring ru its re verse ĠShe en ĠJes uit ĠGiov anni ad ies Ġbutt ocks ear cher ac an Ġvolley ball Ġshroud ed Ġscore board b ats ĠI PM Ġass es Ġde regulation ĠTe legram ĠReb oot Ġ7 000 ĠCan ary Ġk ernels ĠFranç ois ĠD uff ĠP on ĠLe ica ĠGar min Ġor phans ĠClaud ia Ġcal endars ĠLe ilan ent o R ocket Ġbr unch ĠHaw king ain ers Ġsens ibilities Ġk W ĠK and Ġre claimed Ġinteresting ly × © rom y J M ĠEnhance ment b ush Sk ip Ġrapp ers Ġg azing p edia ath lon Rev olution Ġsn ipers Ġre verted Ġconglomer ate T erry 79 4 Ġhars her Ġdes olate ĠHit man Comm ission Ġ( / â̦ ." Com par Ġampl ification om inated Ġreg ress ĠColl ider Ġinform ants Ġg azed
AdaMix/NLG/vocab/vocab.bpe/0
{ "file_path": "AdaMix/NLG/vocab/vocab.bpe", "repo_id": "AdaMix", "token_count": 246078 }
30
FROM ubuntu:18.04 LABEL maintainer="Hugging Face" LABEL repository="transformers" RUN apt update && \ apt install -y bash \ build-essential \ git \ curl \ ca-certificates \ python3 \ python3-pip && \ rm -rf /var/lib/apt/lists RUN python3 -m pip install --no-cache-dir --upgrade pip && \ python3 -m pip install --no-cache-dir \ mkl \ tensorflow-cpu WORKDIR /workspace COPY . transformers/ RUN cd transformers/ && \ python3 -m pip install --no-cache-dir . CMD ["/bin/bash"]
AdaMix/docker/transformers-tensorflow-cpu/Dockerfile/0
{ "file_path": "AdaMix/docker/transformers-tensorflow-cpu/Dockerfile", "repo_id": "AdaMix", "token_count": 303 }
31
# -*- coding: utf-8 -*- # # Configuration file for the Sphinx documentation builder. # # This file does only contain a selection of the most common options. For a # full list see the documentation: # http://www.sphinx-doc.org/en/master/config # -- Path setup -------------------------------------------------------------- # If extensions (or modules to document with autodoc) are in another directory, # add these directories to sys.path here. If the directory is relative to the # documentation root, use os.path.abspath to make it absolute, like shown here. # import os import sys sys.path.insert(0, os.path.abspath('../../src')) # -- Project information ----------------------------------------------------- project = u'transformers' copyright = u'2020, The Hugging Face Team, Licenced under the Apache License, Version 2.0' author = u'huggingface' # The short X.Y version version = u'' # The full version, including alpha/beta/rc tags release = u'4.4.2' # Prefix link to point to master, comment this during version release and uncomment below line extlinks = {'prefix_link': ('https://github.com/huggingface/transformers/blob/master/%s', '')} # Prefix link to always point to corresponding version, uncomment this during version release # extlinks = {'prefix_link': ('https://github.com/huggingface/transformers/blob/v'+ release + '/%s', '')} # -- General configuration --------------------------------------------------- # If your documentation needs a minimal Sphinx version, state it here. # # needs_sphinx = '1.0' # Add any Sphinx extension module names here, as strings. They can be # extensions coming with Sphinx (named 'sphinx.ext.*') or your custom # ones. extensions = [ 'sphinx.ext.autodoc', 'sphinx.ext.extlinks', 'sphinx.ext.coverage', 'sphinx.ext.napoleon', 'recommonmark', 'sphinx.ext.viewcode', 'sphinx_markdown_tables', 'sphinx_copybutton' ] # Add any paths that contain templates here, relative to this directory. templates_path = ['_templates'] # The suffix(es) of source filenames. # You can specify multiple suffix as a list of string: # source_suffix = ['.rst', '.md'] # source_suffix = '.rst' # The master toctree document. master_doc = 'index' # The language for content autogenerated by Sphinx. Refer to documentation # for a list of supported languages. # # This is also used if you do content translation via gettext catalogs. # Usually you set "language" from the command line for these cases. language = None # List of patterns, relative to source directory, that match files and # directories to ignore when looking for source files. # This pattern also affects html_static_path and html_extra_path. exclude_patterns = [u'_build', 'Thumbs.db', '.DS_Store'] # The name of the Pygments (syntax highlighting) style to use. pygments_style = None # Remove the prompt when copying examples copybutton_prompt_text = r">>> |\.\.\. " copybutton_prompt_is_regexp = True # -- Options for HTML output ------------------------------------------------- # The theme to use for HTML and HTML Help pages. See the documentation for # a list of builtin themes. # html_theme = 'sphinx_rtd_theme' # Theme options are theme-specific and customize the look and feel of a theme # further. For a list of options available for each theme, see the # documentation. # html_theme_options = { 'analytics_id': 'UA-83738774-2', 'navigation_with_keys': True } # Add any paths that contain custom static files (such as style sheets) here, # relative to this directory. They are copied after the builtin static files, # so a file named "default.css" will overwrite the builtin "default.css". html_static_path = ['_static'] # Custom sidebar templates, must be a dictionary that maps document names # to template names. # # The default sidebars (for documents that don't match any pattern) are # defined by theme itself. Builtin themes are using these templates by # default: ``['localtoc.html', 'relations.html', 'sourcelink.html', # 'searchbox.html']``. # # html_sidebars = {} # This must be the name of an image file (path relative to the configuration # directory) that is the favicon of the docs. Modern browsers use this as # the icon for tabs, windows and bookmarks. It should be a Windows-style # icon file (.ico). html_favicon = 'favicon.ico' # -- Options for HTMLHelp output --------------------------------------------- # Output file base name for HTML help builder. htmlhelp_basename = 'transformersdoc' # -- Options for LaTeX output ------------------------------------------------ latex_elements = { # The paper size ('letterpaper' or 'a4paper'). # # 'papersize': 'letterpaper', # The font size ('10pt', '11pt' or '12pt'). # # 'pointsize': '10pt', # Additional stuff for the LaTeX preamble. # # 'preamble': '', # Latex figure (float) alignment # # 'figure_align': 'htbp', } # Grouping the document tree into LaTeX files. List of tuples # (source start file, target name, title, # author, documentclass [howto, manual, or own class]). latex_documents = [ (master_doc, 'transformers.tex', u'transformers Documentation', u'huggingface', 'manual'), ] # -- Options for manual page output ------------------------------------------ # One entry per manual page. List of tuples # (source start file, name, description, authors, manual section). man_pages = [ (master_doc, 'transformers', u'transformers Documentation', [author], 1) ] # -- Options for Texinfo output ---------------------------------------------- # Grouping the document tree into Texinfo files. List of tuples # (source start file, target name, title, author, # dir menu entry, description, category) texinfo_documents = [ (master_doc, 'transformers', u'transformers Documentation', author, 'transformers', 'One line description of project.', 'Miscellaneous'), ] # -- Options for Epub output ------------------------------------------------- # Bibliographic Dublin Core info. epub_title = project # The unique identifier of the text. This can be a ISBN number # or the project homepage. # # epub_identifier = '' # A unique identification for the text. # # epub_uid = '' # A list of files that should not be packed into the epub file. epub_exclude_files = ['search.html'] def setup(app): app.add_css_file('css/huggingface.css') app.add_css_file('css/code-snippets.css') app.add_js_file('js/custom.js') # -- Extension configuration -------------------------------------------------
AdaMix/docs/source/conf.py/0
{ "file_path": "AdaMix/docs/source/conf.py", "repo_id": "AdaMix", "token_count": 1933 }
32
.. Copyright 2020 The HuggingFace Team. All rights reserved. Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. You may obtain a copy of the License at http://www.apache.org/licenses/LICENSE-2.0 Unless required by applicable law or agreed to in writing, software distributed under the License is distributed on an "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. See the License for the specific language governing permissions and limitations under the License. Model outputs ----------------------------------------------------------------------------------------------------------------------- PyTorch models have outputs that are instances of subclasses of :class:`~transformers.file_utils.ModelOutput`. Those are data structures containing all the information returned by the model, but that can also be used as tuples or dictionaries. Let's see of this looks on an example: .. code-block:: from transformers import BertTokenizer, BertForSequenceClassification import torch tokenizer = BertTokenizer.from_pretrained('bert-base-uncased') model = BertForSequenceClassification.from_pretrained('bert-base-uncased') inputs = tokenizer("Hello, my dog is cute", return_tensors="pt") labels = torch.tensor([1]).unsqueeze(0) # Batch size 1 outputs = model(**inputs, labels=labels) The ``outputs`` object is a :class:`~transformers.modeling_outputs.SequenceClassifierOutput`, as we can see in the documentation of that class below, it means it has an optional ``loss``, a ``logits`` an optional ``hidden_states`` and an optional ``attentions`` attribute. Here we have the ``loss`` since we passed along ``labels``, but we don't have ``hidden_states`` and ``attentions`` because we didn't pass ``output_hidden_states=True`` or ``output_attentions=True``. You can access each attribute as you would usually do, and if that attribute has not been returned by the model, you will get ``None``. Here for instance ``outputs.loss`` is the loss computed by the model, and ``outputs.attentions`` is ``None``. When considering our ``outputs`` object as tuple, it only considers the attributes that don't have ``None`` values. Here for instance, it has two elements, ``loss`` then ``logits``, so .. code-block:: outputs[:2] will return the tuple ``(outputs.loss, outputs.logits)`` for instance. When considering our ``outputs`` object as dictionary, it only considers the attributes that don't have ``None`` values. Here for instance, it has two keys that are ``loss`` and ``logits``. We document here the generic model outputs that are used by more than one model type. Specific output types are documented on their corresponding model page. ModelOutput ~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~ .. autoclass:: transformers.file_utils.ModelOutput :members: to_tuple BaseModelOutput ~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~ .. autoclass:: transformers.modeling_outputs.BaseModelOutput :members: BaseModelOutputWithPooling ~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~ .. autoclass:: transformers.modeling_outputs.BaseModelOutputWithPooling :members: BaseModelOutputWithCrossAttentions ~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~ .. autoclass:: transformers.modeling_outputs.BaseModelOutputWithCrossAttentions :members: BaseModelOutputWithPoolingAndCrossAttentions ~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~ .. autoclass:: transformers.modeling_outputs.BaseModelOutputWithPoolingAndCrossAttentions :members: BaseModelOutputWithPast ~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~ .. autoclass:: transformers.modeling_outputs.BaseModelOutputWithPast :members: BaseModelOutputWithPastAndCrossAttentions ~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~ .. autoclass:: transformers.modeling_outputs.BaseModelOutputWithPastAndCrossAttentions :members: Seq2SeqModelOutput ~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~ .. autoclass:: transformers.modeling_outputs.Seq2SeqModelOutput :members: CausalLMOutput ~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~ .. autoclass:: transformers.modeling_outputs.CausalLMOutput :members: CausalLMOutputWithCrossAttentions ~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~ .. autoclass:: transformers.modeling_outputs.CausalLMOutputWithCrossAttentions :members: CausalLMOutputWithPast ~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~ .. autoclass:: transformers.modeling_outputs.CausalLMOutputWithPast :members: MaskedLMOutput ~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~ .. autoclass:: transformers.modeling_outputs.MaskedLMOutput :members: Seq2SeqLMOutput ~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~ .. autoclass:: transformers.modeling_outputs.Seq2SeqLMOutput :members: NextSentencePredictorOutput ~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~ .. autoclass:: transformers.modeling_outputs.NextSentencePredictorOutput :members: SequenceClassifierOutput ~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~ .. autoclass:: transformers.modeling_outputs.SequenceClassifierOutput :members: Seq2SeqSequenceClassifierOutput ~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~ .. autoclass:: transformers.modeling_outputs.Seq2SeqSequenceClassifierOutput :members: MultipleChoiceModelOutput ~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~ .. autoclass:: transformers.modeling_outputs.MultipleChoiceModelOutput :members: TokenClassifierOutput ~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~ .. autoclass:: transformers.modeling_outputs.TokenClassifierOutput :members: QuestionAnsweringModelOutput ~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~ .. autoclass:: transformers.modeling_outputs.QuestionAnsweringModelOutput :members: Seq2SeqQuestionAnsweringModelOutput ~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~ .. autoclass:: transformers.modeling_outputs.Seq2SeqQuestionAnsweringModelOutput :members: TFBaseModelOutput ~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~ .. autoclass:: transformers.modeling_tf_outputs.TFBaseModelOutput :members: TFBaseModelOutputWithPooling ~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~ .. autoclass:: transformers.modeling_tf_outputs.TFBaseModelOutputWithPooling :members: TFBaseModelOutputWithPast ~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~ .. autoclass:: transformers.modeling_tf_outputs.TFBaseModelOutputWithPast :members: TFSeq2SeqModelOutput ~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~ .. autoclass:: transformers.modeling_tf_outputs.TFSeq2SeqModelOutput :members: TFCausalLMOutput ~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~ .. autoclass:: transformers.modeling_tf_outputs.TFCausalLMOutput :members: TFCausalLMOutputWithPast ~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~ .. autoclass:: transformers.modeling_tf_outputs.TFCausalLMOutputWithPast :members: TFMaskedLMOutput ~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~ .. autoclass:: transformers.modeling_tf_outputs.TFMaskedLMOutput :members: TFSeq2SeqLMOutput ~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~ .. autoclass:: transformers.modeling_tf_outputs.TFSeq2SeqLMOutput :members: TFNextSentencePredictorOutput ~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~ .. autoclass:: transformers.modeling_tf_outputs.TFNextSentencePredictorOutput :members: TFSequenceClassifierOutput ~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~ .. autoclass:: transformers.modeling_tf_outputs.TFSequenceClassifierOutput :members: TFSeq2SeqSequenceClassifierOutput ~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~ .. autoclass:: transformers.modeling_tf_outputs.TFSeq2SeqSequenceClassifierOutput :members: TFMultipleChoiceModelOutput ~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~ .. autoclass:: transformers.modeling_tf_outputs.TFMultipleChoiceModelOutput :members: TFTokenClassifierOutput ~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~ .. autoclass:: transformers.modeling_tf_outputs.TFTokenClassifierOutput :members: TFQuestionAnsweringModelOutput ~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~ .. autoclass:: transformers.modeling_tf_outputs.TFQuestionAnsweringModelOutput :members: TFSeq2SeqQuestionAnsweringModelOutput ~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~ .. autoclass:: transformers.modeling_tf_outputs.TFSeq2SeqQuestionAnsweringModelOutput :members:
AdaMix/docs/source/main_classes/output.rst/0
{ "file_path": "AdaMix/docs/source/main_classes/output.rst", "repo_id": "AdaMix", "token_count": 2514 }
33
.. Copyright 2020 The HuggingFace Team. All rights reserved. Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. You may obtain a copy of the License at http://www.apache.org/licenses/LICENSE-2.0 Unless required by applicable law or agreed to in writing, software distributed under the License is distributed on an "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. See the License for the specific language governing permissions and limitations under the License. CamemBERT ----------------------------------------------------------------------------------------------------------------------- Overview ~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~ The CamemBERT model was proposed in `CamemBERT: a Tasty French Language Model <https://arxiv.org/abs/1911.03894>`__ by Louis Martin, Benjamin Muller, Pedro Javier Ortiz Suárez, Yoann Dupont, Laurent Romary, Éric Villemonte de la Clergerie, Djamé Seddah, and Benoît Sagot. It is based on Facebook's RoBERTa model released in 2019. It is a model trained on 138GB of French text. The abstract from the paper is the following: *Pretrained language models are now ubiquitous in Natural Language Processing. Despite their success, most available models have either been trained on English data or on the concatenation of data in multiple languages. This makes practical use of such models --in all languages except English-- very limited. Aiming to address this issue for French, we release CamemBERT, a French version of the Bi-directional Encoders for Transformers (BERT). We measure the performance of CamemBERT compared to multilingual models in multiple downstream tasks, namely part-of-speech tagging, dependency parsing, named-entity recognition, and natural language inference. CamemBERT improves the state of the art for most of the tasks considered. We release the pretrained model for CamemBERT hoping to foster research and downstream applications for French NLP.* Tips: - This implementation is the same as RoBERTa. Refer to the :doc:`documentation of RoBERTa <roberta>` for usage examples as well as the information relative to the inputs and outputs. The original code can be found `here <https://camembert-model.fr/>`__. CamembertConfig ~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~ .. autoclass:: transformers.CamembertConfig :members: CamembertTokenizer ~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~ .. autoclass:: transformers.CamembertTokenizer :members: build_inputs_with_special_tokens, get_special_tokens_mask, create_token_type_ids_from_sequences, save_vocabulary CamembertTokenizerFast ~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~ .. autoclass:: transformers.CamembertTokenizerFast :members: CamembertModel ~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~ .. autoclass:: transformers.CamembertModel :members: CamembertForCausalLM ~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~ .. autoclass:: transformers.CamembertForCausalLM :members: CamembertForMaskedLM ~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~ .. autoclass:: transformers.CamembertForMaskedLM :members: CamembertForSequenceClassification ~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~ .. autoclass:: transformers.CamembertForSequenceClassification :members: CamembertForMultipleChoice ~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~ .. autoclass:: transformers.CamembertForMultipleChoice :members: CamembertForTokenClassification ~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~ .. autoclass:: transformers.CamembertForTokenClassification :members: CamembertForQuestionAnswering ~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~ .. autoclass:: transformers.CamembertForQuestionAnswering :members: TFCamembertModel ~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~ .. autoclass:: transformers.TFCamembertModel :members: TFCamembertForMaskedLM ~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~ .. autoclass:: transformers.TFCamembertForMaskedLM :members: TFCamembertForSequenceClassification ~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~ .. autoclass:: transformers.TFCamembertForSequenceClassification :members: TFCamembertForMultipleChoice ~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~ .. autoclass:: transformers.TFCamembertForMultipleChoice :members: TFCamembertForTokenClassification ~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~ .. autoclass:: transformers.TFCamembertForTokenClassification :members: TFCamembertForQuestionAnswering ~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~ .. autoclass:: transformers.TFCamembertForQuestionAnswering :members:
AdaMix/docs/source/model_doc/camembert.rst/0
{ "file_path": "AdaMix/docs/source/model_doc/camembert.rst", "repo_id": "AdaMix", "token_count": 1336 }
34
.. Copyright 2020 The HuggingFace Team. All rights reserved. Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. You may obtain a copy of the License at http://www.apache.org/licenses/LICENSE-2.0 Unless required by applicable law or agreed to in writing, software distributed under the License is distributed on an "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. See the License for the specific language governing permissions and limitations under the License. I-BERT ----------------------------------------------------------------------------------------------------------------------- Overview ~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~ The I-BERT model was proposed in `I-BERT: Integer-only BERT Quantization <https://arxiv.org/abs/2101.01321>`__ by Sehoon Kim, Amir Gholami, Zhewei Yao, Michael W. Mahoney and Kurt Keutzer. It's a quantized version of RoBERTa running inference up to four times faster. The abstract from the paper is the following: *Transformer based models, like BERT and RoBERTa, have achieved state-of-the-art results in many Natural Language Processing tasks. However, their memory footprint, inference latency, and power consumption are prohibitive for efficient inference at the edge, and even at the data center. While quantization can be a viable solution for this, previous work on quantizing Transformer based models use floating-point arithmetic during inference, which cannot efficiently utilize integer-only logical units such as the recent Turing Tensor Cores, or traditional integer-only ARM processors. In this work, we propose I-BERT, a novel quantization scheme for Transformer based models that quantizes the entire inference with integer-only arithmetic. Based on lightweight integer-only approximation methods for nonlinear operations, e.g., GELU, Softmax, and Layer Normalization, I-BERT performs an end-to-end integer-only BERT inference without any floating point calculation. We evaluate our approach on GLUE downstream tasks using RoBERTa-Base/Large. We show that for both cases, I-BERT achieves similar (and slightly higher) accuracy as compared to the full-precision baseline. Furthermore, our preliminary implementation of I-BERT shows a speedup of 2.4 - 4.0x for INT8 inference on a T4 GPU system as compared to FP32 inference. The framework has been developed in PyTorch and has been open-sourced.* The original code can be found `here <https://github.com/kssteven418/I-BERT>`__. IBertConfig ~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~ .. autoclass:: transformers.IBertConfig :members: IBertModel ~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~ .. autoclass:: transformers.IBertModel :members: forward IBertForMaskedLM ~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~ .. autoclass:: transformers.IBertForMaskedLM :members: forward IBertForSequenceClassification ~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~ .. autoclass:: transformers.IBertForSequenceClassification :members: forward IBertForMultipleChoice ~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~ .. autoclass:: transformers.IBertForMultipleChoice :members: forward IBertForTokenClassification ~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~ .. autoclass:: transformers.IBertForTokenClassification :members: forward IBertForQuestionAnswering ~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~ .. autoclass:: transformers.IBertForQuestionAnswering :members: forward
AdaMix/docs/source/model_doc/ibert.rst/0
{ "file_path": "AdaMix/docs/source/model_doc/ibert.rst", "repo_id": "AdaMix", "token_count": 931 }
35
.. Copyright 2020 The HuggingFace Team. All rights reserved. Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. You may obtain a copy of the License at http://www.apache.org/licenses/LICENSE-2.0 Unless required by applicable law or agreed to in writing, software distributed under the License is distributed on an "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. See the License for the specific language governing permissions and limitations under the License. RetriBERT ----------------------------------------------------------------------------------------------------------------------- Overview ~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~ The RetriBERT model was proposed in the blog post `Explain Anything Like I'm Five: A Model for Open Domain Long Form Question Answering <https://yjernite.github.io/lfqa.html>`__. RetriBERT is a small model that uses either a single or pair of BERT encoders with lower-dimension projection for dense semantic indexing of text. Code to train and use the model can be found `here <https://github.com/huggingface/transformers/tree/master/examples/distillation>`__. RetriBertConfig ~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~ .. autoclass:: transformers.RetriBertConfig :members: RetriBertTokenizer ~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~ .. autoclass:: transformers.RetriBertTokenizer :members: RetriBertTokenizerFast ~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~ .. autoclass:: transformers.RetriBertTokenizerFast :members: RetriBertModel ~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~ .. autoclass:: transformers.RetriBertModel :members: forward
AdaMix/docs/source/model_doc/retribert.rst/0
{ "file_path": "AdaMix/docs/source/model_doc/retribert.rst", "repo_id": "AdaMix", "token_count": 486 }
36
# Copyright 2020 The HuggingFace Team. All rights reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. # You may obtain a copy of the License at # # http://www.apache.org/licenses/LICENSE-2.0 # # Unless required by applicable law or agreed to in writing, software # distributed under the License is distributed on an "AS IS" BASIS, # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. # See the License for the specific language governing permissions and # limitations under the License. import csv from collections import defaultdict from dataclasses import dataclass, field from typing import List, Optional import matplotlib.pyplot as plt import numpy as np from matplotlib.ticker import ScalarFormatter from transformers import HfArgumentParser def list_field(default=None, metadata=None): return field(default_factory=lambda: default, metadata=metadata) @dataclass class PlotArguments: """ Arguments pertaining to which model/config/tokenizer we are going to fine-tune, or train from scratch. """ csv_file: str = field( metadata={"help": "The csv file to plot."}, ) plot_along_batch: bool = field( default=False, metadata={"help": "Whether to plot along batch size or sequence length. Defaults to sequence length."}, ) is_time: bool = field( default=False, metadata={"help": "Whether the csv file has time results or memory results. Defaults to memory results."}, ) no_log_scale: bool = field( default=False, metadata={"help": "Disable logarithmic scale when plotting"}, ) is_train: bool = field( default=False, metadata={ "help": "Whether the csv file has training results or inference results. Defaults to inference results." }, ) figure_png_file: Optional[str] = field( default=None, metadata={"help": "Filename under which the plot will be saved. If unused no plot is saved."}, ) short_model_names: Optional[List[str]] = list_field( default=None, metadata={"help": "List of model names that are used instead of the ones in the csv file."} ) def can_convert_to_int(string): try: int(string) return True except ValueError: return False def can_convert_to_float(string): try: float(string) return True except ValueError: return False class Plot: def __init__(self, args): self.args = args self.result_dict = defaultdict(lambda: dict(bsz=[], seq_len=[], result={})) with open(self.args.csv_file, newline="") as csv_file: reader = csv.DictReader(csv_file) for row in reader: model_name = row["model"] self.result_dict[model_name]["bsz"].append(int(row["batch_size"])) self.result_dict[model_name]["seq_len"].append(int(row["sequence_length"])) if can_convert_to_int(row["result"]): # value is not None self.result_dict[model_name]["result"][ (int(row["batch_size"]), int(row["sequence_length"])) ] = int(row["result"]) elif can_convert_to_float(row["result"]): # value is not None self.result_dict[model_name]["result"][ (int(row["batch_size"]), int(row["sequence_length"])) ] = float(row["result"]) def plot(self): fig, ax = plt.subplots() title_str = "Time usage" if self.args.is_time else "Memory usage" title_str = title_str + " for training" if self.args.is_train else title_str + " for inference" if not self.args.no_log_scale: # set logarithm scales ax.set_xscale("log") ax.set_yscale("log") for axis in [ax.xaxis, ax.yaxis]: axis.set_major_formatter(ScalarFormatter()) for model_name_idx, model_name in enumerate(self.result_dict.keys()): batch_sizes = sorted(list(set(self.result_dict[model_name]["bsz"]))) sequence_lengths = sorted(list(set(self.result_dict[model_name]["seq_len"]))) results = self.result_dict[model_name]["result"] (x_axis_array, inner_loop_array) = ( (batch_sizes, sequence_lengths) if self.args.plot_along_batch else (sequence_lengths, batch_sizes) ) label_model_name = ( model_name if self.args.short_model_names is None else self.args.short_model_names[model_name_idx] ) for inner_loop_value in inner_loop_array: if self.args.plot_along_batch: y_axis_array = np.asarray( [results[(x, inner_loop_value)] for x in x_axis_array if (x, inner_loop_value) in results], dtype=np.int, ) else: y_axis_array = np.asarray( [results[(inner_loop_value, x)] for x in x_axis_array if (inner_loop_value, x) in results], dtype=np.float32, ) (x_axis_label, inner_loop_label) = ( ("batch_size", "len") if self.args.plot_along_batch else ("in #tokens", "bsz") ) x_axis_array = np.asarray(x_axis_array, np.int)[: len(y_axis_array)] plt.scatter( x_axis_array, y_axis_array, label=f"{label_model_name} - {inner_loop_label}: {inner_loop_value}" ) plt.plot(x_axis_array, y_axis_array, "--") title_str += f" {label_model_name} vs." title_str = title_str[:-4] y_axis_label = "Time in s" if self.args.is_time else "Memory in MB" # plot plt.title(title_str) plt.xlabel(x_axis_label) plt.ylabel(y_axis_label) plt.legend() if self.args.figure_png_file is not None: plt.savefig(self.args.figure_png_file) else: plt.show() def main(): parser = HfArgumentParser(PlotArguments) plot_args = parser.parse_args_into_dataclasses()[0] plot = Plot(args=plot_args) plot.plot() if __name__ == "__main__": main()
AdaMix/examples/benchmarking/plot_csv_file.py/0
{ "file_path": "AdaMix/examples/benchmarking/plot_csv_file.py", "repo_id": "AdaMix", "token_count": 2909 }
37
import argparse import glob import logging import os import time from argparse import Namespace import numpy as np import torch from torch.utils.data import DataLoader, TensorDataset from lightning_base import BaseTransformer, add_generic_args, generic_train from transformers import glue_compute_metrics as compute_metrics from transformers import glue_convert_examples_to_features as convert_examples_to_features from transformers import glue_output_modes from transformers import glue_processors as processors from transformers import glue_tasks_num_labels logger = logging.getLogger(__name__) class GLUETransformer(BaseTransformer): mode = "sequence-classification" def __init__(self, hparams): if type(hparams) == dict: hparams = Namespace(**hparams) hparams.glue_output_mode = glue_output_modes[hparams.task] num_labels = glue_tasks_num_labels[hparams.task] super().__init__(hparams, num_labels, self.mode) def forward(self, **inputs): return self.model(**inputs) def training_step(self, batch, batch_idx): inputs = {"input_ids": batch[0], "attention_mask": batch[1], "labels": batch[3]} if self.config.model_type not in ["distilbert", "bart"]: inputs["token_type_ids"] = batch[2] if self.config.model_type in ["bert", "xlnet", "albert"] else None outputs = self(**inputs) loss = outputs[0] lr_scheduler = self.trainer.lr_schedulers[0]["scheduler"] tensorboard_logs = {"loss": loss, "rate": lr_scheduler.get_last_lr()[-1]} return {"loss": loss, "log": tensorboard_logs} def prepare_data(self): "Called to initialize data. Use the call to construct features" args = self.hparams processor = processors[args.task]() self.labels = processor.get_labels() for mode in ["train", "dev"]: cached_features_file = self._feature_file(mode) if os.path.exists(cached_features_file) and not args.overwrite_cache: logger.info("Loading features from cached file %s", cached_features_file) else: logger.info("Creating features from dataset file at %s", args.data_dir) examples = ( processor.get_dev_examples(args.data_dir) if mode == "dev" else processor.get_train_examples(args.data_dir) ) features = convert_examples_to_features( examples, self.tokenizer, max_length=args.max_seq_length, label_list=self.labels, output_mode=args.glue_output_mode, ) logger.info("Saving features into cached file %s", cached_features_file) torch.save(features, cached_features_file) def get_dataloader(self, mode: str, batch_size: int, shuffle: bool = False) -> DataLoader: "Load datasets. Called after prepare data." # We test on dev set to compare to benchmarks without having to submit to GLUE server mode = "dev" if mode == "test" else mode cached_features_file = self._feature_file(mode) logger.info("Loading features from cached file %s", cached_features_file) features = torch.load(cached_features_file) all_input_ids = torch.tensor([f.input_ids for f in features], dtype=torch.long) all_attention_mask = torch.tensor([f.attention_mask for f in features], dtype=torch.long) all_token_type_ids = torch.tensor([f.token_type_ids for f in features], dtype=torch.long) if self.hparams.glue_output_mode == "classification": all_labels = torch.tensor([f.label for f in features], dtype=torch.long) elif self.hparams.glue_output_mode == "regression": all_labels = torch.tensor([f.label for f in features], dtype=torch.float) return DataLoader( TensorDataset(all_input_ids, all_attention_mask, all_token_type_ids, all_labels), batch_size=batch_size, shuffle=shuffle, ) def validation_step(self, batch, batch_idx): inputs = {"input_ids": batch[0], "attention_mask": batch[1], "labels": batch[3]} if self.config.model_type not in ["distilbert", "bart"]: inputs["token_type_ids"] = batch[2] if self.config.model_type in ["bert", "xlnet", "albert"] else None outputs = self(**inputs) tmp_eval_loss, logits = outputs[:2] preds = logits.detach().cpu().numpy() out_label_ids = inputs["labels"].detach().cpu().numpy() return {"val_loss": tmp_eval_loss.detach().cpu(), "pred": preds, "target": out_label_ids} def _eval_end(self, outputs) -> tuple: val_loss_mean = torch.stack([x["val_loss"] for x in outputs]).mean().detach().cpu().item() preds = np.concatenate([x["pred"] for x in outputs], axis=0) if self.hparams.glue_output_mode == "classification": preds = np.argmax(preds, axis=1) elif self.hparams.glue_output_mode == "regression": preds = np.squeeze(preds) out_label_ids = np.concatenate([x["target"] for x in outputs], axis=0) out_label_list = [[] for _ in range(out_label_ids.shape[0])] preds_list = [[] for _ in range(out_label_ids.shape[0])] results = {**{"val_loss": val_loss_mean}, **compute_metrics(self.hparams.task, preds, out_label_ids)} ret = {k: v for k, v in results.items()} ret["log"] = results return ret, preds_list, out_label_list def validation_epoch_end(self, outputs: list) -> dict: ret, preds, targets = self._eval_end(outputs) logs = ret["log"] return {"val_loss": logs["val_loss"], "log": logs, "progress_bar": logs} def test_epoch_end(self, outputs) -> dict: ret, predictions, targets = self._eval_end(outputs) logs = ret["log"] # `val_loss` is the key returned by `self._eval_end()` but actually refers to `test_loss` return {"avg_test_loss": logs["val_loss"], "log": logs, "progress_bar": logs} @staticmethod def add_model_specific_args(parser, root_dir): BaseTransformer.add_model_specific_args(parser, root_dir) parser.add_argument( "--max_seq_length", default=128, type=int, help="The maximum total input sequence length after tokenization. Sequences longer " "than this will be truncated, sequences shorter will be padded.", ) parser.add_argument( "--task", default="", type=str, required=True, help="The GLUE task to run", ) parser.add_argument( "--gpus", default=0, type=int, help="The number of GPUs allocated for this, it is by default 0 meaning none", ) parser.add_argument( "--overwrite_cache", action="store_true", help="Overwrite the cached training and evaluation sets" ) return parser def main(): parser = argparse.ArgumentParser() add_generic_args(parser, os.getcwd()) parser = GLUETransformer.add_model_specific_args(parser, os.getcwd()) args = parser.parse_args() # If output_dir not provided, a folder will be generated in pwd if args.output_dir is None: args.output_dir = os.path.join( "./results", f"{args.task}_{time.strftime('%Y%m%d_%H%M%S')}", ) os.makedirs(args.output_dir) model = GLUETransformer(args) trainer = generic_train(model, args) # Optionally, predict on dev set and write to output_dir if args.do_predict: checkpoints = list(sorted(glob.glob(os.path.join(args.output_dir, "checkpoint-epoch=*.ckpt"), recursive=True))) model = model.load_from_checkpoint(checkpoints[-1]) return trainer.test(model) if __name__ == "__main__": main()
AdaMix/examples/legacy/pytorch-lightning/run_glue.py/0
{ "file_path": "AdaMix/examples/legacy/pytorch-lightning/run_glue.py", "repo_id": "AdaMix", "token_count": 3457 }
38
#!/usr/bin/env python # Copyright 2020 The HuggingFace Team. All rights reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. # You may obtain a copy of the License at # # http://www.apache.org/licenses/LICENSE-2.0 # # Unless required by applicable law or agreed to in writing, software # distributed under the License is distributed on an "AS IS" BASIS, # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. # See the License for the specific language governing permissions and # limitations under the License. from pathlib import Path import fire from tqdm import tqdm def download_wmt_dataset(src_lang="ro", tgt_lang="en", dataset="wmt16", save_dir=None) -> None: """Download a dataset using the datasets package and save it to the format expected by finetune.py Format of save_dir: train.source, train.target, val.source, val.target, test.source, test.target. Args: src_lang: <str> source language tgt_lang: <str> target language dataset: <str> wmt16, wmt17, etc. wmt16 is a good start as it's small. To get the full list run `import datasets; print([d.id for d in datasets.list_datasets() if "wmt" in d.id])` save_dir: <str>, where to save the datasets, defaults to f'{dataset}-{src_lang}-{tgt_lang}' Usage: >>> download_wmt_dataset('ro', 'en', dataset='wmt16') # saves to wmt16-ro-en """ try: import datasets except (ModuleNotFoundError, ImportError): raise ImportError("run pip install datasets") pair = f"{src_lang}-{tgt_lang}" print(f"Converting {dataset}-{pair}") ds = datasets.load_dataset(dataset, pair) if save_dir is None: save_dir = f"{dataset}-{pair}" save_dir = Path(save_dir) save_dir.mkdir(exist_ok=True) for split in ds.keys(): print(f"Splitting {split} with {ds[split].num_rows} records") # to save to val.source, val.target like summary datasets fn = "val" if split == "validation" else split src_path = save_dir.joinpath(f"{fn}.source") tgt_path = save_dir.joinpath(f"{fn}.target") src_fp = src_path.open("w+") tgt_fp = tgt_path.open("w+") # reader is the bottleneck so writing one record at a time doesn't slow things down for x in tqdm(ds[split]): ex = x["translation"] src_fp.write(ex[src_lang] + "\n") tgt_fp.write(ex[tgt_lang] + "\n") print(f"Saved {dataset} dataset to {save_dir}") if __name__ == "__main__": fire.Fire(download_wmt_dataset)
AdaMix/examples/legacy/seq2seq/download_wmt.py/0
{ "file_path": "AdaMix/examples/legacy/seq2seq/download_wmt.py", "repo_id": "AdaMix", "token_count": 1020 }
39
#!/usr/bin/env python # Copyright 2020 The HuggingFace Team. All rights reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. # You may obtain a copy of the License at # # http://www.apache.org/licenses/LICENSE-2.0 # # Unless required by applicable law or agreed to in writing, software # distributed under the License is distributed on an "AS IS" BASIS, # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. # See the License for the specific language governing permissions and # limitations under the License. import argparse import datetime import json import time import warnings from logging import getLogger from pathlib import Path from typing import Dict, List import torch from tqdm import tqdm from transformers import AutoModelForSeq2SeqLM, AutoTokenizer from utils import calculate_bleu, calculate_rouge, chunks, parse_numeric_n_bool_cl_kwargs, use_task_specific_params logger = getLogger(__name__) DEFAULT_DEVICE = "cuda" if torch.cuda.is_available() else "cpu" def generate_summaries_or_translations( examples: List[str], out_file: str, model_name: str, batch_size: int = 8, device: str = DEFAULT_DEVICE, fp16=False, task="summarization", prefix=None, **generate_kwargs, ) -> Dict: """Save model.generate results to <out_file>, and return how long it took.""" fout = Path(out_file).open("w", encoding="utf-8") model_name = str(model_name) model = AutoModelForSeq2SeqLM.from_pretrained(model_name).to(device) if fp16: model = model.half() tokenizer = AutoTokenizer.from_pretrained(model_name) logger.info(f"Inferred tokenizer type: {tokenizer.__class__}") # if this is wrong, check config.model_type. start_time = time.time() # update config with task specific params use_task_specific_params(model, task) if prefix is None: prefix = prefix or getattr(model.config, "prefix", "") or "" for examples_chunk in tqdm(list(chunks(examples, batch_size))): examples_chunk = [prefix + text for text in examples_chunk] batch = tokenizer(examples_chunk, return_tensors="pt", truncation=True, padding="longest").to(device) summaries = model.generate( input_ids=batch.input_ids, attention_mask=batch.attention_mask, **generate_kwargs, ) dec = tokenizer.batch_decode(summaries, skip_special_tokens=True, clean_up_tokenization_spaces=False) for hypothesis in dec: fout.write(hypothesis + "\n") fout.flush() fout.close() runtime = int(time.time() - start_time) # seconds n_obs = len(examples) return dict(n_obs=n_obs, runtime=runtime, seconds_per_sample=round(runtime / n_obs, 4)) def datetime_now(): return datetime.datetime.now().strftime("%Y-%m-%d %H:%M:%S") def run_generate(verbose=True): """ Takes input text, generates output, and then using reference calculates the BLEU scores. The results are saved to a file and returned to the caller, and printed out unless ``verbose=False`` is passed. Args: verbose (:obj:`bool`, `optional`, defaults to :obj:`True`): print results to stdout Returns: a tuple: ``(scores, params}`` - ``scores``: a dict of scores data ``{'bleu': 39.6501, 'n_obs': 2000, 'runtime': 186, 'seconds_per_sample': 0.093}`` - ``params``: a dict of custom params, e.g. ``{'num_beams': 5, 'length_penalty': 0.8}`` """ parser = argparse.ArgumentParser() parser.add_argument("model_name", type=str, help="like facebook/bart-large-cnn,t5-base, etc.") parser.add_argument("input_path", type=str, help="like cnn_dm/test.source") parser.add_argument("save_path", type=str, help="where to save summaries") parser.add_argument("--reference_path", type=str, required=False, help="like cnn_dm/test.target") parser.add_argument("--score_path", type=str, required=False, default="metrics.json", help="where to save metrics") parser.add_argument("--device", type=str, required=False, default=DEFAULT_DEVICE, help="cuda, cuda:1, cpu etc.") parser.add_argument( "--prefix", type=str, required=False, default=None, help="will be added to the begininng of src examples" ) parser.add_argument("--task", type=str, default="summarization", help="used for task_specific_params + metrics") parser.add_argument("--bs", type=int, default=8, required=False, help="batch size") parser.add_argument( "--n_obs", type=int, default=-1, required=False, help="How many observations. Defaults to all." ) parser.add_argument("--fp16", action="store_true") parser.add_argument("--dump-args", action="store_true", help="print the custom hparams with the results") parser.add_argument( "--info", nargs="?", type=str, const=datetime_now(), help="use in conjunction w/ --dump-args to print with the results whatever other info you'd like, e.g. lang=en-ru. If no value is passed, the current datetime string will be used.", ) # Unspecified args like --num_beams=2 --decoder_start_token_id=4 are passed to model.generate args, rest = parser.parse_known_args() parsed_args = parse_numeric_n_bool_cl_kwargs(rest) if parsed_args and verbose: print(f"parsed the following generate kwargs: {parsed_args}") examples = [" " + x.rstrip() if "t5" in args.model_name else x.rstrip() for x in open(args.input_path).readlines()] if args.n_obs > 0: examples = examples[: args.n_obs] Path(args.save_path).parent.mkdir(exist_ok=True) if args.reference_path is None and Path(args.score_path).exists(): warnings.warn(f"score_path {args.score_path} will be overwritten unless you type ctrl-c.") if args.device == "cpu" and args.fp16: # this mix leads to RuntimeError: "threshold_cpu" not implemented for 'Half' raise ValueError("Can't mix --fp16 and --device cpu") runtime_metrics = generate_summaries_or_translations( examples, args.save_path, args.model_name, batch_size=args.bs, device=args.device, fp16=args.fp16, task=args.task, prefix=args.prefix, **parsed_args, ) if args.reference_path is None: return {} # Compute scores score_fn = calculate_bleu if "translation" in args.task else calculate_rouge output_lns = [x.rstrip() for x in open(args.save_path).readlines()] reference_lns = [x.rstrip() for x in open(args.reference_path).readlines()][: len(output_lns)] scores: dict = score_fn(output_lns, reference_lns) scores.update(runtime_metrics) if args.dump_args: scores.update(parsed_args) if args.info: scores["info"] = args.info if verbose: print(scores) if args.score_path is not None: json.dump(scores, open(args.score_path, "w")) return scores if __name__ == "__main__": # Usage for MT: # python run_eval.py MODEL_NAME $DATA_DIR/test.source $save_dir/test_translations.txt --reference_path $DATA_DIR/test.target --score_path $save_dir/test_bleu.json --task translation $@ run_generate(verbose=True)
AdaMix/examples/legacy/seq2seq/run_eval.py/0
{ "file_path": "AdaMix/examples/legacy/seq2seq/run_eval.py", "repo_id": "AdaMix", "token_count": 2757 }
40
<!--- Copyright 2020 The HuggingFace Team. All rights reserved. Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. You may obtain a copy of the License at http://www.apache.org/licenses/LICENSE-2.0 Unless required by applicable law or agreed to in writing, software distributed under the License is distributed on an "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. See the License for the specific language governing permissions and limitations under the License. --> ## Multiple Choice Based on the script [`run_swag.py`](). #### Fine-tuning on SWAG ```bash python examples/multiple-choice/run_swag.py \ --model_name_or_path roberta-base \ --do_train \ --do_eval \ --learning_rate 5e-5 \ --num_train_epochs 3 \ --output_dir /tmp/swag_base \ --per_gpu_eval_batch_size=16 \ --per_device_train_batch_size=16 \ --overwrite_output ``` Training with the defined hyper-parameters yields the following results: ``` ***** Eval results ***** eval_acc = 0.8338998300509847 eval_loss = 0.44457291918821606 ``` ## Tensorflow ```bash export SWAG_DIR=/path/to/swag_data_dir python ./examples/multiple-choice/run_tf_multiple_choice.py \ --task_name swag \ --model_name_or_path bert-base-cased \ --do_train \ --do_eval \ --data_dir $SWAG_DIR \ --learning_rate 5e-5 \ --num_train_epochs 3 \ --max_seq_length 80 \ --output_dir models_bert/swag_base \ --per_gpu_eval_batch_size=16 \ --per_device_train_batch_size=16 \ --logging-dir logs \ --gradient_accumulation_steps 2 \ --overwrite_output ``` # Run it in colab [![Open In Colab](https://colab.research.google.com/assets/colab-badge.svg)](https://colab.research.google.com/github/ViktorAlm/notebooks/blob/master/MPC_GPU_Demo_for_TF_and_PT.ipynb)
AdaMix/examples/multiple-choice/README.md/0
{ "file_path": "AdaMix/examples/multiple-choice/README.md", "repo_id": "AdaMix", "token_count": 641 }
41
# coding=utf-8 # Copyright 2018 The Google AI Language Team Authors and The HuggingFace Inc. team. # Copyright (c) 2018, NVIDIA CORPORATION. All rights reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. # You may obtain a copy of the License at # # http://www.apache.org/licenses/LICENSE-2.0 # # Unless required by applicable law or agreed to in writing, software # distributed under the License is distributed on an "AS IS" BASIS, # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. # See the License for the specific language governing permissions and # limitations under the License. import logging import os from dataclasses import dataclass from typing import List, Optional, Union import tqdm from filelock import FileLock from transformers import ( BartTokenizer, BartTokenizerFast, DataProcessor, PreTrainedTokenizer, RobertaTokenizer, RobertaTokenizerFast, XLMRobertaTokenizer, is_tf_available, is_torch_available, ) logger = logging.getLogger(__name__) @dataclass(frozen=True) class InputExample: """ A single training/test example for simple sequence classification. Args: guid: Unique id for the example. text_a: string. The untokenized text of the first sequence. For single sequence tasks, only this sequence must be specified. text_b: (Optional) string. The untokenized text of the second sequence. Only must be specified for sequence pair tasks. label: (Optional) string. The label of the example. This should be specified for train and dev examples, but not for test examples. pairID: (Optional) string. Unique identifier for the pair of sentences. """ guid: str text_a: str text_b: Optional[str] = None label: Optional[str] = None pairID: Optional[str] = None @dataclass(frozen=True) class InputFeatures: """ A single set of features of data. Property names are the same names as the corresponding inputs to a model. Args: input_ids: Indices of input sequence tokens in the vocabulary. attention_mask: Mask to avoid performing attention on padding token indices. Mask values selected in ``[0, 1]``: Usually ``1`` for tokens that are NOT MASKED, ``0`` for MASKED (padded) tokens. token_type_ids: (Optional) Segment token indices to indicate first and second portions of the inputs. Only some models use them. label: (Optional) Label corresponding to the input. Int for classification problems, float for regression problems. pairID: (Optional) Unique identifier for the pair of sentences. """ input_ids: List[int] attention_mask: Optional[List[int]] = None token_type_ids: Optional[List[int]] = None label: Optional[Union[int, float]] = None pairID: Optional[int] = None if is_torch_available(): import torch from torch.utils.data.dataset import Dataset class HansDataset(Dataset): """ This will be superseded by a framework-agnostic approach soon. """ features: List[InputFeatures] def __init__( self, data_dir: str, tokenizer: PreTrainedTokenizer, task: str, max_seq_length: Optional[int] = None, overwrite_cache=False, evaluate: bool = False, ): processor = hans_processors[task]() cached_features_file = os.path.join( data_dir, "cached_{}_{}_{}_{}".format( "dev" if evaluate else "train", tokenizer.__class__.__name__, str(max_seq_length), task, ), ) label_list = processor.get_labels() if tokenizer.__class__ in ( RobertaTokenizer, RobertaTokenizerFast, XLMRobertaTokenizer, BartTokenizer, BartTokenizerFast, ): # HACK(label indices are swapped in RoBERTa pretrained model) label_list[1], label_list[2] = label_list[2], label_list[1] self.label_list = label_list # Make sure only the first process in distributed training processes the dataset, # and the others will use the cache. lock_path = cached_features_file + ".lock" with FileLock(lock_path): if os.path.exists(cached_features_file) and not overwrite_cache: logger.info(f"Loading features from cached file {cached_features_file}") self.features = torch.load(cached_features_file) else: logger.info(f"Creating features from dataset file at {data_dir}") examples = ( processor.get_dev_examples(data_dir) if evaluate else processor.get_train_examples(data_dir) ) logger.info("Training examples: %s", len(examples)) self.features = hans_convert_examples_to_features(examples, label_list, max_seq_length, tokenizer) logger.info("Saving features into cached file %s", cached_features_file) torch.save(self.features, cached_features_file) def __len__(self): return len(self.features) def __getitem__(self, i) -> InputFeatures: return self.features[i] def get_labels(self): return self.label_list if is_tf_available(): import tensorflow as tf class TFHansDataset: """ This will be superseded by a framework-agnostic approach soon. """ features: List[InputFeatures] def __init__( self, data_dir: str, tokenizer: PreTrainedTokenizer, task: str, max_seq_length: Optional[int] = 128, overwrite_cache=False, evaluate: bool = False, ): processor = hans_processors[task]() label_list = processor.get_labels() if tokenizer.__class__ in ( RobertaTokenizer, RobertaTokenizerFast, XLMRobertaTokenizer, BartTokenizer, BartTokenizerFast, ): # HACK(label indices are swapped in RoBERTa pretrained model) label_list[1], label_list[2] = label_list[2], label_list[1] self.label_list = label_list examples = processor.get_dev_examples(data_dir) if evaluate else processor.get_train_examples(data_dir) self.features = hans_convert_examples_to_features(examples, label_list, max_seq_length, tokenizer) def gen(): for (ex_index, ex) in tqdm.tqdm(enumerate(self.features), desc="convert examples to features"): if ex_index % 10000 == 0: logger.info("Writing example %d of %d" % (ex_index, len(examples))) yield ( { "example_id": 0, "input_ids": ex.input_ids, "attention_mask": ex.attention_mask, "token_type_ids": ex.token_type_ids, }, ex.label, ) self.dataset = tf.data.Dataset.from_generator( gen, ( { "example_id": tf.int32, "input_ids": tf.int32, "attention_mask": tf.int32, "token_type_ids": tf.int32, }, tf.int64, ), ( { "example_id": tf.TensorShape([]), "input_ids": tf.TensorShape([None, None]), "attention_mask": tf.TensorShape([None, None]), "token_type_ids": tf.TensorShape([None, None]), }, tf.TensorShape([]), ), ) def get_dataset(self): return self.dataset def __len__(self): return len(self.features) def __getitem__(self, i) -> InputFeatures: return self.features[i] def get_labels(self): return self.label_list class HansProcessor(DataProcessor): """Processor for the HANS data set.""" def get_train_examples(self, data_dir): """See base class.""" return self._create_examples(self._read_tsv(os.path.join(data_dir, "heuristics_train_set.txt")), "train") def get_dev_examples(self, data_dir): """See base class.""" return self._create_examples(self._read_tsv(os.path.join(data_dir, "heuristics_evaluation_set.txt")), "dev") def get_labels(self): """See base class. Note that we follow the standard three labels for MNLI (see :class:`~transformers.data.processors.utils.MnliProcessor`) but the HANS evaluation groups `contradiction` and `neutral` into `non-entailment` (label 0) while `entailment` is label 1.""" return ["contradiction", "entailment", "neutral"] def _create_examples(self, lines, set_type): """Creates examples for the training and dev sets.""" examples = [] for (i, line) in enumerate(lines): if i == 0: continue guid = "%s-%s" % (set_type, line[0]) text_a = line[5] text_b = line[6] pairID = line[7][2:] if line[7].startswith("ex") else line[7] label = line[0] examples.append(InputExample(guid=guid, text_a=text_a, text_b=text_b, label=label, pairID=pairID)) return examples def hans_convert_examples_to_features( examples: List[InputExample], label_list: List[str], max_length: int, tokenizer: PreTrainedTokenizer, ): """ Loads a data file into a list of ``InputFeatures`` Args: examples: List of ``InputExamples`` containing the examples. label_list: List of labels. Can be obtained from the processor using the ``processor.get_labels()`` method. max_length: Maximum example length. tokenizer: Instance of a tokenizer that will tokenize the examples. Returns: A list of task-specific ``InputFeatures`` which can be fed to the model. """ label_map = {label: i for i, label in enumerate(label_list)} features = [] for (ex_index, example) in tqdm.tqdm(enumerate(examples), desc="convert examples to features"): if ex_index % 10000 == 0: logger.info("Writing example %d" % (ex_index)) inputs = tokenizer( example.text_a, example.text_b, add_special_tokens=True, max_length=max_length, padding="max_length", truncation=True, return_overflowing_tokens=True, ) label = label_map[example.label] if example.label in label_map else 0 pairID = int(example.pairID) features.append(InputFeatures(**inputs, label=label, pairID=pairID)) for i, example in enumerate(examples[:5]): logger.info("*** Example ***") logger.info(f"guid: {example}") logger.info(f"features: {features[i]}") return features hans_tasks_num_labels = { "hans": 3, } hans_processors = { "hans": HansProcessor, }
AdaMix/examples/research_projects/adversarial/utils_hans.py/0
{ "file_path": "AdaMix/examples/research_projects/adversarial/utils_hans.py", "repo_id": "AdaMix", "token_count": 5441 }
42
import os from collections import deque import torch from torch.utils.data import Dataset # ------------ # Data loading # ------------ class CNNDMDataset(Dataset): """Abstracts the dataset used to train seq2seq models. The class will process the documents that are located in the specified folder. The preprocessing will work on any document that is reasonably formatted. On the CNN/DailyMail dataset it will extract both the story and the summary. CNN/Daily News: The CNN/Daily News raw datasets are downloaded from [1]. The stories are stored in different files; the summary appears at the end of the story as sentences that are prefixed by the special `@highlight` line. To process the data, untar both datasets in the same folder, and pass the path to this folder as the "data_dir argument. The formatting code was inspired by [2]. [1] https://cs.nyu.edu/~kcho/ [2] https://github.com/abisee/cnn-dailymail/ """ def __init__(self, path="", prefix="train"): """We initialize the class by listing all the documents to summarize. Files are not read in memory due to the size of some datasets (like CNN/DailyMail). """ assert os.path.isdir(path) self.documents = [] story_filenames_list = os.listdir(path) for story_filename in story_filenames_list: if "summary" in story_filename: continue path_to_story = os.path.join(path, story_filename) if not os.path.isfile(path_to_story): continue self.documents.append(path_to_story) def __len__(self): """ Returns the number of documents. """ return len(self.documents) def __getitem__(self, idx): document_path = self.documents[idx] document_name = document_path.split("/")[-1] with open(document_path, encoding="utf-8") as source: raw_story = source.read() story_lines, summary_lines = process_story(raw_story) return document_name, story_lines, summary_lines def process_story(raw_story): """Extract the story and summary from a story file. Arguments: raw_story (str): content of the story file as an utf-8 encoded string. Raises: IndexError: If the story is empty or contains no highlights. """ nonempty_lines = list(filter(lambda x: len(x) != 0, [line.strip() for line in raw_story.split("\n")])) # for some unknown reason some lines miss a period, add it nonempty_lines = [_add_missing_period(line) for line in nonempty_lines] # gather article lines story_lines = [] lines = deque(nonempty_lines) while True: try: element = lines.popleft() if element.startswith("@highlight"): break story_lines.append(element) except IndexError: # if "@highlight" is absent from the file we pop # all elements until there is None, raising an exception. return story_lines, [] # gather summary lines summary_lines = list(filter(lambda t: not t.startswith("@highlight"), lines)) return story_lines, summary_lines def _add_missing_period(line): END_TOKENS = [".", "!", "?", "...", "'", "`", '"', "\u2019", "\u2019", ")"] if line.startswith("@highlight"): return line if line[-1] in END_TOKENS: return line return line + "." # -------------------------- # Encoding and preprocessing # -------------------------- def truncate_or_pad(sequence, block_size, pad_token_id): """Adapt the source and target sequences' lengths to the block size. If the sequence is shorter we append padding token to the right of the sequence. """ if len(sequence) > block_size: return sequence[:block_size] else: sequence.extend([pad_token_id] * (block_size - len(sequence))) return sequence def build_mask(sequence, pad_token_id): """Builds the mask. The attention mechanism will only attend to positions with value 1.""" mask = torch.ones_like(sequence) idx_pad_tokens = sequence == pad_token_id mask[idx_pad_tokens] = 0 return mask def encode_for_summarization(story_lines, summary_lines, tokenizer): """Encode the story and summary lines, and join them as specified in [1] by using `[SEP] [CLS]` tokens to separate sentences. """ story_lines_token_ids = [tokenizer.encode(line) for line in story_lines] story_token_ids = [token for sentence in story_lines_token_ids for token in sentence] summary_lines_token_ids = [tokenizer.encode(line) for line in summary_lines] summary_token_ids = [token for sentence in summary_lines_token_ids for token in sentence] return story_token_ids, summary_token_ids def compute_token_type_ids(batch, separator_token_id): """Segment embeddings as described in [1] The values {0,1} were found in the repository [2]. Attributes: batch: torch.Tensor, size [batch_size, block_size] Batch of input. separator_token_id: int The value of the token that separates the segments. [1] Liu, Yang, and Mirella Lapata. "Text summarization with pretrained encoders." arXiv preprint arXiv:1908.08345 (2019). [2] https://github.com/nlpyang/PreSumm (/src/prepro/data_builder.py, commit fac1217) """ batch_embeddings = [] for sequence in batch: sentence_num = -1 embeddings = [] for s in sequence: if s == separator_token_id: sentence_num += 1 embeddings.append(sentence_num % 2) batch_embeddings.append(embeddings) return torch.tensor(batch_embeddings)
AdaMix/examples/research_projects/bertabs/utils_summarization.py/0
{ "file_path": "AdaMix/examples/research_projects/bertabs/utils_summarization.py", "repo_id": "AdaMix", "token_count": 2180 }
43
# coding=utf-8 # Copyright 2019-present, the HuggingFace Inc. team and Facebook, Inc. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. # You may obtain a copy of the License at # # http://www.apache.org/licenses/LICENSE-2.0 # # Unless required by applicable law or agreed to in writing, software # distributed under the License is distributed on an "AS IS" BASIS, # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. # See the License for the specific language governing permissions and # limitations under the License. """ Adapted from PyTorch Vision (https://github.com/pytorch/vision/blob/master/references/detection/group_by_aspect_ratio.py) """ import bisect import copy from collections import defaultdict import numpy as np from torch.utils.data.sampler import BatchSampler, Sampler from utils import logger def _quantize(x, bins): bins = copy.deepcopy(bins) bins = sorted(bins) quantized = list(map(lambda y: bisect.bisect_right(bins, y), x)) return quantized def create_lengths_groups(lengths, k=0): bins = np.arange(start=3, stop=k, step=4).tolist() if k > 0 else [10] groups = _quantize(lengths, bins) # count number of elements per group counts = np.unique(groups, return_counts=True)[1] fbins = [0] + bins + [np.inf] logger.info("Using {} as bins for aspect lengths quantization".format(fbins)) logger.info("Count of instances per bin: {}".format(counts)) return groups class GroupedBatchSampler(BatchSampler): """ Wraps another sampler to yield a mini-batch of indices. It enforces that the batch only contain elements from the same group. It also tries to provide mini-batches which follows an ordering which is as close as possible to the ordering from the original sampler. Arguments: sampler (Sampler): Base sampler. group_ids (list[int]): If the sampler produces indices in range [0, N), `group_ids` must be a list of `N` ints which contains the group id of each sample. The group ids must be a continuous set of integers starting from 0, i.e. they must be in the range [0, num_groups). batch_size (int): Size of mini-batch. """ def __init__(self, sampler, group_ids, batch_size): if not isinstance(sampler, Sampler): raise ValueError( "sampler should be an instance of " "torch.utils.data.Sampler, but got sampler={}".format(sampler) ) self.sampler = sampler self.group_ids = group_ids self.batch_size = batch_size def __iter__(self): buffer_per_group = defaultdict(list) samples_per_group = defaultdict(list) num_batches = 0 for idx in self.sampler: group_id = self.group_ids[idx] buffer_per_group[group_id].append(idx) samples_per_group[group_id].append(idx) if len(buffer_per_group[group_id]) == self.batch_size: yield buffer_per_group[group_id] # TODO num_batches += 1 del buffer_per_group[group_id] assert len(buffer_per_group[group_id]) < self.batch_size # now we have run out of elements that satisfy # the group criteria, let's return the remaining # elements so that the size of the sampler is # deterministic expected_num_batches = len(self) num_remaining = expected_num_batches - num_batches if num_remaining > 0: # for the remaining batches, group the batches by similar lengths batch_idx = [] for group_id, idxs in sorted(buffer_per_group.items(), key=lambda x: x[0]): batch_idx.extend(idxs) if len(batch_idx) >= self.batch_size: yield batch_idx[: self.batch_size] batch_idx = batch_idx[self.batch_size :] num_remaining -= 1 if len(batch_idx) > 0: yield batch_idx num_remaining -= 1 assert num_remaining == 0 def __len__(self): """ Return the number of mini-batches rather than the number of samples. """ return (len(self.sampler) + self.batch_size - 1) // self.batch_size
AdaMix/examples/research_projects/distillation/grouped_batch_sampler.py/0
{ "file_path": "AdaMix/examples/research_projects/distillation/grouped_batch_sampler.py", "repo_id": "AdaMix", "token_count": 1759 }
44
import datasets import numpy as np import streamlit as st import torch from elasticsearch import Elasticsearch import faiss import transformers from eli5_utils import ( embed_questions_for_retrieval, make_qa_s2s_model, qa_s2s_generate, query_es_index, query_qa_dense_index, ) from transformers import AutoModel, AutoModelForSeq2SeqLM, AutoTokenizer MODEL_TYPE = "bart" LOAD_DENSE_INDEX = True @st.cache(allow_output_mutation=True) def load_models(): if LOAD_DENSE_INDEX: qar_tokenizer = AutoTokenizer.from_pretrained("yjernite/retribert-base-uncased") qar_model = AutoModel.from_pretrained("yjernite/retribert-base-uncased").to("cuda:0") _ = qar_model.eval() else: qar_tokenizer, qar_model = (None, None) if MODEL_TYPE == "bart": s2s_tokenizer = AutoTokenizer.from_pretrained("yjernite/bart_eli5") s2s_model = AutoModelForSeq2SeqLM.from_pretrained("yjernite/bart_eli5").to("cuda:0") save_dict = torch.load("seq2seq_models/eli5_bart_model_blm_2.pth") s2s_model.load_state_dict(save_dict["model"]) _ = s2s_model.eval() else: s2s_tokenizer, s2s_model = make_qa_s2s_model( model_name="t5-small", from_file="seq2seq_models/eli5_t5_model_1024_4.pth", device="cuda:0" ) return (qar_tokenizer, qar_model, s2s_tokenizer, s2s_model) @st.cache(allow_output_mutation=True) def load_indexes(): if LOAD_DENSE_INDEX: faiss_res = faiss.StandardGpuResources() wiki40b_passages = datasets.load_dataset(path="wiki_snippets", name="wiki40b_en_100_0")["train"] wiki40b_passage_reps = np.memmap( "wiki40b_passages_reps_32_l-8_h-768_b-512-512.dat", dtype="float32", mode="r", shape=(wiki40b_passages.num_rows, 128), ) wiki40b_index_flat = faiss.IndexFlatIP(128) wiki40b_gpu_index_flat = faiss.index_cpu_to_gpu(faiss_res, 1, wiki40b_index_flat) wiki40b_gpu_index_flat.add(wiki40b_passage_reps) # TODO fix for larger GPU else: wiki40b_passages, wiki40b_gpu_index_flat = (None, None) es_client = Elasticsearch([{"host": "localhost", "port": "9200"}]) return (wiki40b_passages, wiki40b_gpu_index_flat, es_client) @st.cache(allow_output_mutation=True) def load_train_data(): eli5 = datasets.load_dataset("eli5", name="LFQA_reddit") eli5_train = eli5["train_eli5"] eli5_train_q_reps = np.memmap( "eli5_questions_reps.dat", dtype="float32", mode="r", shape=(eli5_train.num_rows, 128) ) eli5_train_q_index = faiss.IndexFlatIP(128) eli5_train_q_index.add(eli5_train_q_reps) return (eli5_train, eli5_train_q_index) passages, gpu_dense_index, es_client = load_indexes() qar_tokenizer, qar_model, s2s_tokenizer, s2s_model = load_models() eli5_train, eli5_train_q_index = load_train_data() def find_nearest_training(question, n_results=10): q_rep = embed_questions_for_retrieval([question], qar_tokenizer, qar_model) D, I = eli5_train_q_index.search(q_rep, n_results) nn_examples = [eli5_train[int(i)] for i in I[0]] return nn_examples def make_support(question, source="wiki40b", method="dense", n_results=10): if source == "none": support_doc, hit_lst = (" <P> ".join(["" for _ in range(11)]).strip(), []) else: if method == "dense": support_doc, hit_lst = query_qa_dense_index( question, qar_model, qar_tokenizer, passages, gpu_dense_index, n_results ) else: support_doc, hit_lst = query_es_index( question, es_client, index_name="english_wiki40b_snippets_100w", n_results=n_results, ) support_list = [ (res["article_title"], res["section_title"].strip(), res["score"], res["passage_text"]) for res in hit_lst ] question_doc = "question: {} context: {}".format(question, support_doc) return question_doc, support_list @st.cache( hash_funcs={ torch.Tensor: (lambda _: None), transformers.models.bart.tokenization_bart.BartTokenizer: (lambda _: None), } ) def answer_question( question_doc, s2s_model, s2s_tokenizer, min_len=64, max_len=256, sampling=False, n_beams=2, top_p=0.95, temp=0.8 ): with torch.no_grad(): answer = qa_s2s_generate( question_doc, s2s_model, s2s_tokenizer, num_answers=1, num_beams=n_beams, min_len=min_len, max_len=max_len, do_sample=sampling, temp=temp, top_p=top_p, top_k=None, max_input_length=1024, device="cuda:0", )[0] return (answer, support_list) st.title("Long Form Question Answering with ELI5") # Start sidebar header_html = "<img src='https://huggingface.co/front/assets/huggingface_logo.svg'>" header_full = """ <html> <head> <style> .img-container { padding-left: 90px; padding-right: 90px; padding-top: 50px; padding-bottom: 50px; background-color: #f0f3f9; } </style> </head> <body> <span class="img-container"> <!-- Inline parent element --> %s </span> </body> </html> """ % ( header_html, ) st.sidebar.markdown( header_full, unsafe_allow_html=True, ) # Long Form QA with ELI5 and Wikipedia description = """ This demo presents a model trained to [provide long-form answers to open-domain questions](https://yjernite.github.io/lfqa.html). First, a document retriever fetches a set of relevant Wikipedia passages given the question from the [Wiki40b](https://research.google/pubs/pub49029/) dataset, a pre-processed fixed snapshot of Wikipedia. """ st.sidebar.markdown(description, unsafe_allow_html=True) action_list = [ "Answer the question", "View the retrieved document only", "View the most similar ELI5 question and answer", "Show me everything, please!", ] demo_options = st.sidebar.checkbox("Demo options") if demo_options: action_st = st.sidebar.selectbox( "", action_list, index=3, ) action = action_list.index(action_st) show_type = st.sidebar.selectbox( "", ["Show full text of passages", "Show passage section titles"], index=0, ) show_passages = show_type == "Show full text of passages" else: action = 3 show_passages = True retrieval_options = st.sidebar.checkbox("Retrieval options") if retrieval_options: retriever_info = """ ### Information retriever options The **sparse** retriever uses ElasticSearch, while the **dense** retriever uses max-inner-product search between a question and passage embedding trained using the [ELI5](https://arxiv.org/abs/1907.09190) questions-answer pairs. The answer is then generated by sequence to sequence model which takes the question and retrieved document as input. """ st.sidebar.markdown(retriever_info) wiki_source = st.sidebar.selectbox("Which Wikipedia format should the model use?", ["wiki40b", "none"]) index_type = st.sidebar.selectbox("Which Wikipedia indexer should the model use?", ["dense", "sparse", "mixed"]) else: wiki_source = "wiki40b" index_type = "dense" sampled = "beam" n_beams = 2 min_len = 64 max_len = 256 top_p = None temp = None generate_options = st.sidebar.checkbox("Generation options") if generate_options: generate_info = """ ### Answer generation options The sequence-to-sequence model was initialized with [BART](https://huggingface.co/facebook/bart-large) weights and fine-tuned on the ELI5 QA pairs and retrieved documents. You can use the model for greedy decoding with **beam** search, or **sample** from the decoder's output probabilities. """ st.sidebar.markdown(generate_info) sampled = st.sidebar.selectbox("Would you like to use beam search or sample an answer?", ["beam", "sampled"]) min_len = st.sidebar.slider( "Minimum generation length", min_value=8, max_value=256, value=64, step=8, format=None, key=None ) max_len = st.sidebar.slider( "Maximum generation length", min_value=64, max_value=512, value=256, step=16, format=None, key=None ) if sampled == "beam": n_beams = st.sidebar.slider("Beam size", min_value=1, max_value=8, value=2, step=None, format=None, key=None) else: top_p = st.sidebar.slider( "Nucleus sampling p", min_value=0.1, max_value=1.0, value=0.95, step=0.01, format=None, key=None ) temp = st.sidebar.slider( "Temperature", min_value=0.1, max_value=1.0, value=0.7, step=0.01, format=None, key=None ) n_beams = None # start main text questions_list = [ "<MY QUESTION>", "How do people make chocolate?", "Why do we get a fever when we are sick?", "How can different animals perceive different colors?", "What is natural language processing?", "What's the best way to treat a sunburn?", "What exactly are vitamins ?", "How does nuclear energy provide electricity?", "What's the difference between viruses and bacteria?", "Why are flutes classified as woodwinds when most of them are made out of metal ?", "Why do people like drinking coffee even though it tastes so bad?", "What happens when wine ages? How does it make the wine taste better?", "If an animal is an herbivore, where does it get the protein that it needs to survive if it only eats grass?", "How can we set a date to the beginning or end of an artistic period? Doesn't the change happen gradually?", "How does New Zealand have so many large bird predators?", ] question_s = st.selectbox( "What would you like to ask? ---- select <MY QUESTION> to enter a new query", questions_list, index=1, ) if question_s == "<MY QUESTION>": question = st.text_input("Enter your question here:", "") else: question = question_s if st.button("Show me!"): if action in [0, 1, 3]: if index_type == "mixed": _, support_list_dense = make_support(question, source=wiki_source, method="dense", n_results=10) _, support_list_sparse = make_support(question, source=wiki_source, method="sparse", n_results=10) support_list = [] for res_d, res_s in zip(support_list_dense, support_list_sparse): if tuple(res_d) not in support_list: support_list += [tuple(res_d)] if tuple(res_s) not in support_list: support_list += [tuple(res_s)] support_list = support_list[:10] question_doc = "<P> " + " <P> ".join([res[-1] for res in support_list]) else: question_doc, support_list = make_support(question, source=wiki_source, method=index_type, n_results=10) if action in [0, 3]: answer, support_list = answer_question( question_doc, s2s_model, s2s_tokenizer, min_len=min_len, max_len=int(max_len), sampling=(sampled == "sampled"), n_beams=n_beams, top_p=top_p, temp=temp, ) st.markdown("### The model generated answer is:") st.write(answer) if action in [0, 1, 3] and wiki_source != "none": st.markdown("--- \n ### The model is drawing information from the following Wikipedia passages:") for i, res in enumerate(support_list): wiki_url = "https://en.wikipedia.org/wiki/{}".format(res[0].replace(" ", "_")) sec_titles = res[1].strip() if sec_titles == "": sections = "[{}]({})".format(res[0], wiki_url) else: sec_list = sec_titles.split(" & ") sections = " & ".join( ["[{}]({}#{})".format(sec.strip(), wiki_url, sec.strip().replace(" ", "_")) for sec in sec_list] ) st.markdown( "{0:02d} - **Article**: {1:<18} <br> _Section_: {2}".format(i + 1, res[0], sections), unsafe_allow_html=True, ) if show_passages: st.write( '> <span style="font-family:arial; font-size:10pt;">' + res[-1] + "</span>", unsafe_allow_html=True ) if action in [2, 3]: nn_train_list = find_nearest_training(question) train_exple = nn_train_list[0] st.markdown( "--- \n ### The most similar question in the ELI5 training set was: \n\n {}".format(train_exple["title"]) ) answers_st = [ "{}. {}".format(i + 1, " \n".join([line.strip() for line in ans.split("\n") if line.strip() != ""])) for i, (ans, sc) in enumerate(zip(train_exple["answers"]["text"], train_exple["answers"]["score"])) if i == 0 or sc > 2 ] st.markdown("##### Its answers were: \n\n {}".format("\n".join(answers_st))) disclaimer = """ --- **Disclaimer** *The intent of this app is to provide some (hopefully entertaining) insights into the behavior of a current LFQA system. Evaluating biases of such a model and ensuring factual generations are still very much open research problems. Therefore, until some significant progress is achieved, we caution against using the generated answers for practical purposes.* """ st.sidebar.markdown(disclaimer, unsafe_allow_html=True)
AdaMix/examples/research_projects/longform-qa/eli5_app.py/0
{ "file_path": "AdaMix/examples/research_projects/longform-qa/eli5_app.py", "repo_id": "AdaMix", "token_count": 5824 }
45
# coding=utf-8 # Copyright (c) Facebook, Inc. and its affiliates. # Copyright (c) HuggingFace Inc. team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. # You may obtain a copy of the License at # # http://www.apache.org/licenses/LICENSE-2.0 # # Unless required by applicable law or agreed to in writing, software # distributed under the License is distributed on an "AS IS" BASIS, # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. # See the License for the specific language governing permissions and # limitations under the License. """ Finetuning the library models for multimodal multiclass prediction on MM-IMDB dataset.""" import argparse import glob import json import logging import os import random import numpy as np import torch import torch.nn as nn from sklearn.metrics import f1_score from torch.utils.data import DataLoader, RandomSampler, SequentialSampler from torch.utils.data.distributed import DistributedSampler from tqdm import tqdm, trange import transformers from transformers import ( WEIGHTS_NAME, AdamW, AutoConfig, AutoModel, AutoTokenizer, MMBTConfig, MMBTForClassification, get_linear_schedule_with_warmup, ) from transformers.trainer_utils import is_main_process from utils_mmimdb import ImageEncoder, JsonlDataset, collate_fn, get_image_transforms, get_mmimdb_labels try: from torch.utils.tensorboard import SummaryWriter except ImportError: from tensorboardX import SummaryWriter logger = logging.getLogger(__name__) def set_seed(args): random.seed(args.seed) np.random.seed(args.seed) torch.manual_seed(args.seed) if args.n_gpu > 0: torch.cuda.manual_seed_all(args.seed) def train(args, train_dataset, model, tokenizer, criterion): """ Train the model """ if args.local_rank in [-1, 0]: tb_writer = SummaryWriter() args.train_batch_size = args.per_gpu_train_batch_size * max(1, args.n_gpu) train_sampler = RandomSampler(train_dataset) if args.local_rank == -1 else DistributedSampler(train_dataset) train_dataloader = DataLoader( train_dataset, sampler=train_sampler, batch_size=args.train_batch_size, collate_fn=collate_fn, num_workers=args.num_workers, ) if args.max_steps > 0: t_total = args.max_steps args.num_train_epochs = args.max_steps // (len(train_dataloader) // args.gradient_accumulation_steps) + 1 else: t_total = len(train_dataloader) // args.gradient_accumulation_steps * args.num_train_epochs # Prepare optimizer and schedule (linear warmup and decay) no_decay = ["bias", "LayerNorm.weight"] optimizer_grouped_parameters = [ { "params": [p for n, p in model.named_parameters() if not any(nd in n for nd in no_decay)], "weight_decay": args.weight_decay, }, {"params": [p for n, p in model.named_parameters() if any(nd in n for nd in no_decay)], "weight_decay": 0.0}, ] optimizer = AdamW(optimizer_grouped_parameters, lr=args.learning_rate, eps=args.adam_epsilon) scheduler = get_linear_schedule_with_warmup( optimizer, num_warmup_steps=args.warmup_steps, num_training_steps=t_total ) if args.fp16: try: from apex import amp except ImportError: raise ImportError("Please install apex from https://www.github.com/nvidia/apex to use fp16 training.") model, optimizer = amp.initialize(model, optimizer, opt_level=args.fp16_opt_level) # multi-gpu training (should be after apex fp16 initialization) if args.n_gpu > 1: model = torch.nn.DataParallel(model) # Distributed training (should be after apex fp16 initialization) if args.local_rank != -1: model = torch.nn.parallel.DistributedDataParallel( model, device_ids=[args.local_rank], output_device=args.local_rank, find_unused_parameters=True ) # Train! logger.info("***** Running training *****") logger.info(" Num examples = %d", len(train_dataset)) logger.info(" Num Epochs = %d", args.num_train_epochs) logger.info(" Instantaneous batch size per GPU = %d", args.per_gpu_train_batch_size) logger.info( " Total train batch size (w. parallel, distributed & accumulation) = %d", args.train_batch_size * args.gradient_accumulation_steps * (torch.distributed.get_world_size() if args.local_rank != -1 else 1), ) logger.info(" Gradient Accumulation steps = %d", args.gradient_accumulation_steps) logger.info(" Total optimization steps = %d", t_total) global_step = 0 tr_loss, logging_loss = 0.0, 0.0 best_f1, n_no_improve = 0, 0 model.zero_grad() train_iterator = trange(int(args.num_train_epochs), desc="Epoch", disable=args.local_rank not in [-1, 0]) set_seed(args) # Added here for reproductibility for _ in train_iterator: epoch_iterator = tqdm(train_dataloader, desc="Iteration", disable=args.local_rank not in [-1, 0]) for step, batch in enumerate(epoch_iterator): model.train() batch = tuple(t.to(args.device) for t in batch) labels = batch[5] inputs = { "input_ids": batch[0], "input_modal": batch[2], "attention_mask": batch[1], "modal_start_tokens": batch[3], "modal_end_tokens": batch[4], } outputs = model(**inputs) logits = outputs[0] # model outputs are always tuple in transformers (see doc) loss = criterion(logits, labels) if args.n_gpu > 1: loss = loss.mean() # mean() to average on multi-gpu parallel training if args.gradient_accumulation_steps > 1: loss = loss / args.gradient_accumulation_steps if args.fp16: with amp.scale_loss(loss, optimizer) as scaled_loss: scaled_loss.backward() else: loss.backward() tr_loss += loss.item() if (step + 1) % args.gradient_accumulation_steps == 0: if args.fp16: torch.nn.utils.clip_grad_norm_(amp.master_params(optimizer), args.max_grad_norm) else: torch.nn.utils.clip_grad_norm_(model.parameters(), args.max_grad_norm) optimizer.step() scheduler.step() # Update learning rate schedule model.zero_grad() global_step += 1 if args.local_rank in [-1, 0] and args.logging_steps > 0 and global_step % args.logging_steps == 0: logs = {} if ( args.local_rank == -1 and args.evaluate_during_training ): # Only evaluate when single GPU otherwise metrics may not average well results = evaluate(args, model, tokenizer, criterion) for key, value in results.items(): eval_key = "eval_{}".format(key) logs[eval_key] = value loss_scalar = (tr_loss - logging_loss) / args.logging_steps learning_rate_scalar = scheduler.get_lr()[0] logs["learning_rate"] = learning_rate_scalar logs["loss"] = loss_scalar logging_loss = tr_loss for key, value in logs.items(): tb_writer.add_scalar(key, value, global_step) print(json.dumps({**logs, **{"step": global_step}})) if args.local_rank in [-1, 0] and args.save_steps > 0 and global_step % args.save_steps == 0: # Save model checkpoint output_dir = os.path.join(args.output_dir, "checkpoint-{}".format(global_step)) if not os.path.exists(output_dir): os.makedirs(output_dir) model_to_save = ( model.module if hasattr(model, "module") else model ) # Take care of distributed/parallel training torch.save(model_to_save.state_dict(), os.path.join(output_dir, WEIGHTS_NAME)) torch.save(args, os.path.join(output_dir, "training_args.bin")) logger.info("Saving model checkpoint to %s", output_dir) if args.max_steps > 0 and global_step > args.max_steps: epoch_iterator.close() break if args.max_steps > 0 and global_step > args.max_steps: train_iterator.close() break if args.local_rank == -1: results = evaluate(args, model, tokenizer, criterion) if results["micro_f1"] > best_f1: best_f1 = results["micro_f1"] n_no_improve = 0 else: n_no_improve += 1 if n_no_improve > args.patience: train_iterator.close() break if args.local_rank in [-1, 0]: tb_writer.close() return global_step, tr_loss / global_step def evaluate(args, model, tokenizer, criterion, prefix=""): # Loop to handle MNLI double evaluation (matched, mis-matched) eval_output_dir = args.output_dir eval_dataset = load_examples(args, tokenizer, evaluate=True) if not os.path.exists(eval_output_dir) and args.local_rank in [-1, 0]: os.makedirs(eval_output_dir) args.eval_batch_size = args.per_gpu_eval_batch_size * max(1, args.n_gpu) # Note that DistributedSampler samples randomly eval_sampler = SequentialSampler(eval_dataset) eval_dataloader = DataLoader( eval_dataset, sampler=eval_sampler, batch_size=args.eval_batch_size, collate_fn=collate_fn ) # multi-gpu eval if args.n_gpu > 1 and not isinstance(model, torch.nn.DataParallel): model = torch.nn.DataParallel(model) # Eval! logger.info("***** Running evaluation {} *****".format(prefix)) logger.info(" Num examples = %d", len(eval_dataset)) logger.info(" Batch size = %d", args.eval_batch_size) eval_loss = 0.0 nb_eval_steps = 0 preds = None out_label_ids = None for batch in tqdm(eval_dataloader, desc="Evaluating"): model.eval() batch = tuple(t.to(args.device) for t in batch) with torch.no_grad(): batch = tuple(t.to(args.device) for t in batch) labels = batch[5] inputs = { "input_ids": batch[0], "input_modal": batch[2], "attention_mask": batch[1], "modal_start_tokens": batch[3], "modal_end_tokens": batch[4], } outputs = model(**inputs) logits = outputs[0] # model outputs are always tuple in transformers (see doc) tmp_eval_loss = criterion(logits, labels) eval_loss += tmp_eval_loss.mean().item() nb_eval_steps += 1 if preds is None: preds = torch.sigmoid(logits).detach().cpu().numpy() > 0.5 out_label_ids = labels.detach().cpu().numpy() else: preds = np.append(preds, torch.sigmoid(logits).detach().cpu().numpy() > 0.5, axis=0) out_label_ids = np.append(out_label_ids, labels.detach().cpu().numpy(), axis=0) eval_loss = eval_loss / nb_eval_steps result = { "loss": eval_loss, "macro_f1": f1_score(out_label_ids, preds, average="macro"), "micro_f1": f1_score(out_label_ids, preds, average="micro"), } output_eval_file = os.path.join(eval_output_dir, prefix, "eval_results.txt") with open(output_eval_file, "w") as writer: logger.info("***** Eval results {} *****".format(prefix)) for key in sorted(result.keys()): logger.info(" %s = %s", key, str(result[key])) writer.write("%s = %s\n" % (key, str(result[key]))) return result def load_examples(args, tokenizer, evaluate=False): path = os.path.join(args.data_dir, "dev.jsonl" if evaluate else "train.jsonl") transforms = get_image_transforms() labels = get_mmimdb_labels() dataset = JsonlDataset(path, tokenizer, transforms, labels, args.max_seq_length - args.num_image_embeds - 2) return dataset def main(): parser = argparse.ArgumentParser() # Required parameters parser.add_argument( "--data_dir", default=None, type=str, required=True, help="The input data dir. Should contain the .jsonl files for MMIMDB.", ) parser.add_argument( "--model_name_or_path", default=None, type=str, required=True, help="Path to pretrained model or model identifier from huggingface.co/models", ) parser.add_argument( "--output_dir", default=None, type=str, required=True, help="The output directory where the model predictions and checkpoints will be written.", ) # Other parameters parser.add_argument( "--config_name", default="", type=str, help="Pretrained config name or path if not the same as model_name" ) parser.add_argument( "--tokenizer_name", default="", type=str, help="Pretrained tokenizer name or path if not the same as model_name", ) parser.add_argument( "--cache_dir", default=None, type=str, help="Where do you want to store the pre-trained models downloaded from huggingface.co", ) parser.add_argument( "--max_seq_length", default=128, type=int, help="The maximum total input sequence length after tokenization. Sequences longer " "than this will be truncated, sequences shorter will be padded.", ) parser.add_argument( "--num_image_embeds", default=1, type=int, help="Number of Image Embeddings from the Image Encoder" ) parser.add_argument("--do_train", action="store_true", help="Whether to run training.") parser.add_argument("--do_eval", action="store_true", help="Whether to run eval on the dev set.") parser.add_argument( "--evaluate_during_training", action="store_true", help="Rul evaluation during training at each logging step." ) parser.add_argument( "--do_lower_case", action="store_true", help="Set this flag if you are using an uncased model." ) parser.add_argument("--per_gpu_train_batch_size", default=8, type=int, help="Batch size per GPU/CPU for training.") parser.add_argument( "--per_gpu_eval_batch_size", default=8, type=int, help="Batch size per GPU/CPU for evaluation." ) parser.add_argument( "--gradient_accumulation_steps", type=int, default=1, help="Number of updates steps to accumulate before performing a backward/update pass.", ) parser.add_argument("--learning_rate", default=5e-5, type=float, help="The initial learning rate for Adam.") parser.add_argument("--weight_decay", default=0.0, type=float, help="Weight deay if we apply some.") parser.add_argument("--adam_epsilon", default=1e-8, type=float, help="Epsilon for Adam optimizer.") parser.add_argument("--max_grad_norm", default=1.0, type=float, help="Max gradient norm.") parser.add_argument( "--num_train_epochs", default=3.0, type=float, help="Total number of training epochs to perform." ) parser.add_argument("--patience", default=5, type=int, help="Patience for Early Stopping.") parser.add_argument( "--max_steps", default=-1, type=int, help="If > 0: set total number of training steps to perform. Override num_train_epochs.", ) parser.add_argument("--warmup_steps", default=0, type=int, help="Linear warmup over warmup_steps.") parser.add_argument("--logging_steps", type=int, default=50, help="Log every X updates steps.") parser.add_argument("--save_steps", type=int, default=50, help="Save checkpoint every X updates steps.") parser.add_argument( "--eval_all_checkpoints", action="store_true", help="Evaluate all checkpoints starting with the same prefix as model_name ending and ending with step number", ) parser.add_argument("--no_cuda", action="store_true", help="Avoid using CUDA when available") parser.add_argument("--num_workers", type=int, default=8, help="number of worker threads for dataloading") parser.add_argument( "--overwrite_output_dir", action="store_true", help="Overwrite the content of the output directory" ) parser.add_argument( "--overwrite_cache", action="store_true", help="Overwrite the cached training and evaluation sets" ) parser.add_argument("--seed", type=int, default=42, help="random seed for initialization") parser.add_argument( "--fp16", action="store_true", help="Whether to use 16-bit (mixed) precision (through NVIDIA apex) instead of 32-bit", ) parser.add_argument( "--fp16_opt_level", type=str, default="O1", help="For fp16: Apex AMP optimization level selected in ['O0', 'O1', 'O2', and 'O3']." "See details at https://nvidia.github.io/apex/amp.html", ) parser.add_argument("--local_rank", type=int, default=-1, help="For distributed training: local_rank") parser.add_argument("--server_ip", type=str, default="", help="For distant debugging.") parser.add_argument("--server_port", type=str, default="", help="For distant debugging.") args = parser.parse_args() if ( os.path.exists(args.output_dir) and os.listdir(args.output_dir) and args.do_train and not args.overwrite_output_dir ): raise ValueError( "Output directory ({}) already exists and is not empty. Use --overwrite_output_dir to overcome.".format( args.output_dir ) ) # Setup distant debugging if needed if args.server_ip and args.server_port: # Distant debugging - see https://code.visualstudio.com/docs/python/debugging#_attach-to-a-local-script import ptvsd print("Waiting for debugger attach") ptvsd.enable_attach(address=(args.server_ip, args.server_port), redirect_output=True) ptvsd.wait_for_attach() # Setup CUDA, GPU & distributed training if args.local_rank == -1 or args.no_cuda: device = torch.device("cuda" if torch.cuda.is_available() and not args.no_cuda else "cpu") args.n_gpu = 0 if args.no_cuda else torch.cuda.device_count() else: # Initializes the distributed backend which will take care of sychronizing nodes/GPUs torch.cuda.set_device(args.local_rank) device = torch.device("cuda", args.local_rank) torch.distributed.init_process_group(backend="nccl") args.n_gpu = 1 args.device = device # Setup logging logging.basicConfig( format="%(asctime)s - %(levelname)s - %(name)s - %(message)s", datefmt="%m/%d/%Y %H:%M:%S", level=logging.INFO if args.local_rank in [-1, 0] else logging.WARN, ) logger.warning( "Process rank: %s, device: %s, n_gpu: %s, distributed training: %s, 16-bits training: %s", args.local_rank, device, args.n_gpu, bool(args.local_rank != -1), args.fp16, ) # Set the verbosity to info of the Transformers logger (on main process only): if is_main_process(args.local_rank): transformers.utils.logging.set_verbosity_info() transformers.utils.logging.enable_default_handler() transformers.utils.logging.enable_explicit_format() # Set seed set_seed(args) # Load pretrained model and tokenizer if args.local_rank not in [-1, 0]: torch.distributed.barrier() # Make sure only the first process in distributed training will download model & vocab # Setup model labels = get_mmimdb_labels() num_labels = len(labels) transformer_config = AutoConfig.from_pretrained(args.config_name if args.config_name else args.model_name_or_path) tokenizer = AutoTokenizer.from_pretrained( args.tokenizer_name if args.tokenizer_name else args.model_name_or_path, do_lower_case=args.do_lower_case, cache_dir=args.cache_dir, ) transformer = AutoModel.from_pretrained( args.model_name_or_path, config=transformer_config, cache_dir=args.cache_dir ) img_encoder = ImageEncoder(args) config = MMBTConfig(transformer_config, num_labels=num_labels) model = MMBTForClassification(config, transformer, img_encoder) if args.local_rank == 0: torch.distributed.barrier() # Make sure only the first process in distributed training will download model & vocab model.to(args.device) logger.info("Training/evaluation parameters %s", args) # Training if args.do_train: train_dataset = load_examples(args, tokenizer, evaluate=False) label_frequences = train_dataset.get_label_frequencies() label_frequences = [label_frequences[l] for l in labels] label_weights = ( torch.tensor(label_frequences, device=args.device, dtype=torch.float) / len(train_dataset) ) ** -1 criterion = nn.BCEWithLogitsLoss(pos_weight=label_weights) global_step, tr_loss = train(args, train_dataset, model, tokenizer, criterion) logger.info(" global_step = %s, average loss = %s", global_step, tr_loss) # Saving best-practices: if you use defaults names for the model, you can reload it using from_pretrained() if args.do_train and (args.local_rank == -1 or torch.distributed.get_rank() == 0): logger.info("Saving model checkpoint to %s", args.output_dir) # Save a trained model, configuration and tokenizer using `save_pretrained()`. # They can then be reloaded using `from_pretrained()` model_to_save = ( model.module if hasattr(model, "module") else model ) # Take care of distributed/parallel training torch.save(model_to_save.state_dict(), os.path.join(args.output_dir, WEIGHTS_NAME)) tokenizer.save_pretrained(args.output_dir) # Good practice: save your training arguments together with the trained model torch.save(args, os.path.join(args.output_dir, "training_args.bin")) # Load a trained model and vocabulary that you have fine-tuned model = MMBTForClassification(config, transformer, img_encoder) model.load_state_dict(torch.load(os.path.join(args.output_dir, WEIGHTS_NAME))) tokenizer = AutoTokenizer.from_pretrained(args.output_dir) model.to(args.device) # Evaluation results = {} if args.do_eval and args.local_rank in [-1, 0]: checkpoints = [args.output_dir] if args.eval_all_checkpoints: checkpoints = list( os.path.dirname(c) for c in sorted(glob.glob(args.output_dir + "/**/" + WEIGHTS_NAME, recursive=True)) ) logger.info("Evaluate the following checkpoints: %s", checkpoints) for checkpoint in checkpoints: global_step = checkpoint.split("-")[-1] if len(checkpoints) > 1 else "" prefix = checkpoint.split("/")[-1] if checkpoint.find("checkpoint") != -1 else "" model = MMBTForClassification(config, transformer, img_encoder) model.load_state_dict(torch.load(checkpoint)) model.to(args.device) result = evaluate(args, model, tokenizer, criterion, prefix=prefix) result = dict((k + "_{}".format(global_step), v) for k, v in result.items()) results.update(result) return results if __name__ == "__main__": main()
AdaMix/examples/research_projects/mm-imdb/run_mmimdb.py/0
{ "file_path": "AdaMix/examples/research_projects/mm-imdb/run_mmimdb.py", "repo_id": "AdaMix", "token_count": 10080 }
46
""" A script creating a RAG checkpoint from a generator and a question encoder checkpoints. """ import argparse from pathlib import Path from transformers import AutoConfig, AutoTokenizer, RagConfig, RagSequenceForGeneration, RagTokenForGeneration def consolidate( model_type, generator_name_or_path: str, question_encoder_name_or_path: str, dest_dir: Path, config_name_or_path: str = None, generator_tokenizer_name_or_path: str = None, question_encoder_tokenizer_name_or_path: str = None, ): if config_name_or_path is None: config_name_or_path = "facebook/rag-token-base" if model_type == "rag_token" else "facebook/rag-sequence-base" if generator_tokenizer_name_or_path is None: generator_tokenizer_name_or_path = generator_name_or_path if question_encoder_tokenizer_name_or_path is None: question_encoder_tokenizer_name_or_path = question_encoder_name_or_path model_class = RagTokenForGeneration if model_type == "rag_token" else RagSequenceForGeneration # Save model. rag_config = RagConfig.from_pretrained(config_name_or_path) gen_config = AutoConfig.from_pretrained(generator_name_or_path) question_encoder_config = AutoConfig.from_pretrained(question_encoder_name_or_path) rag_config.generator = gen_config rag_config.question_encoder = question_encoder_config rag_model = model_class.from_pretrained_question_encoder_generator( question_encoder_name_or_path, generator_name_or_path, config=rag_config ) rag_model.save_pretrained(dest_dir) # Sanity check. model_class.from_pretrained(dest_dir) # Save tokenizers. gen_tokenizer = AutoTokenizer.from_pretrained(generator_tokenizer_name_or_path) gen_tokenizer.save_pretrained(dest_dir / "generator_tokenizer/") question_encoder_tokenizer = AutoTokenizer.from_pretrained(question_encoder_tokenizer_name_or_path) question_encoder_tokenizer.save_pretrained(dest_dir / "question_encoder_tokenizer/") if __name__ == "__main__": parser = argparse.ArgumentParser() parser.add_argument( "--model_type", choices=["rag_sequence", "rag_token"], required=True, type=str, help="RAG model type: rag_sequence, rag_token", ) parser.add_argument("--dest", type=str, required=True, help="Path to the output checkpoint directory.") parser.add_argument("--generator_name_or_path", type=str, required=True, help="Generator model identifier") parser.add_argument( "--question_encoder_name_or_path", type=str, required=True, help="Question encoder model identifier" ) parser.add_argument( "--generator_tokenizer_name_or_path", type=str, help="Generator tokenizer identifier, if not specified, resolves to ``generator_name_or_path``", ) parser.add_argument( "--question_encoder_tokenizer_name_or_path", type=str, help="Question encoder tokenizer identifier, if not specified, resolves to ``question_encoder_name_or_path``", ) parser.add_argument( "--config_name_or_path", type=str, help="Identifier of the model config to use, if not provided, resolves to a base config for a given ``model_type``", ) args = parser.parse_args() dest_dir = Path(args.dest) dest_dir.mkdir(exist_ok=True) consolidate( args.model_type, args.generator_name_or_path, args.question_encoder_name_or_path, dest_dir, args.config_name_or_path, args.generator_tokenizer_name_or_path, args.question_encoder_tokenizer_name_or_path, )
AdaMix/examples/research_projects/rag/consolidate_rag_checkpoint.py/0
{ "file_path": "AdaMix/examples/research_projects/rag/consolidate_rag_checkpoint.py", "repo_id": "AdaMix", "token_count": 1389 }
47
import tempfile import unittest from make_student import create_student_by_copying_alternating_layers from transformers import AutoConfig from transformers.file_utils import cached_property from transformers.testing_utils import require_torch TINY_BART = "sshleifer/bart-tiny-random" TINY_T5 = "patrickvonplaten/t5-tiny-random" @require_torch class MakeStudentTester(unittest.TestCase): @cached_property def teacher_config(self): return AutoConfig.from_pretrained(TINY_BART) def test_valid_t5(self): student, *_ = create_student_by_copying_alternating_layers(TINY_T5, tempfile.mkdtemp(), e=1, d=1) self.assertEqual(student.config.num_hidden_layers, 1) def test_asymmetric_t5(self): student, *_ = create_student_by_copying_alternating_layers(TINY_T5, tempfile.mkdtemp(), e=1, d=None) def test_same_decoder_small_encoder(self): student, *_ = create_student_by_copying_alternating_layers(TINY_BART, tempfile.mkdtemp(), e=1, d=None) self.assertEqual(student.config.encoder_layers, 1) self.assertEqual(student.config.decoder_layers, self.teacher_config.encoder_layers) def test_small_enc_small_dec(self): student, *_ = create_student_by_copying_alternating_layers(TINY_BART, tempfile.mkdtemp(), e=1, d=1) self.assertEqual(student.config.encoder_layers, 1) self.assertEqual(student.config.decoder_layers, 1) def test_raises_assert(self): with self.assertRaises(AssertionError): create_student_by_copying_alternating_layers(TINY_BART, tempfile.mkdtemp(), e=None, d=None)
AdaMix/examples/research_projects/seq2seq-distillation/_test_make_student.py/0
{ "file_path": "AdaMix/examples/research_projects/seq2seq-distillation/_test_make_student.py", "repo_id": "AdaMix", "token_count": 659 }
48
### Saved Pseudo-Labels These are the generations of various large models on various large **training** sets. All in all they took about 200 GPU hours to produce. ### Available Pseudo-labels | Dataset | Model | Link | Rouge Scores | Notes |---------|-----------------------------|----------------------------------------------------------------------------------------|--------------------|------------------------------------------------------------------------------------------------------------- | XSUM | `facebook/bart-large-xsum` | [download](https://cdn-datasets.huggingface.co/pseudo/xsum/bart_xsum_pl.tgz) | 49.8/28.0/42.5 | | XSUM | `google/pegasus-xsum` | [download](https://cdn-datasets.huggingface.co/pseudo/xsum/pegasus_xsum.tgz) | 53.3/32.7/46.5 | | XSUM | `facebook/bart-large-xsum` | [download](https://cdn-datasets.huggingface.co/pseudo/xsum/xsum_pl2_bart.tgz) | | Bart pseudolabels filtered to those with Rouge2 > 10.0 w GT. | CNN/DM | `sshleifer/pegasus-cnn-ft-v2` | [download](https://cdn-datasets.huggingface.co/pseudo/cnn_dm/pegasus_cnn_cnn_pls.tgz) | 47.316/26.65/44.56 | do not worry about the fact that train.source is one line shorter. | CNN/DM | `facebook/bart-large-cnn` | [download](https://cdn-datasets.huggingface.co/pseudo/cnn_dm/cnn_bart_pl.tgz) | | 5K (2%) are missing, there should be 282173 | CNN/DM | `google/pegasus-xsum` | [download](https://cdn-datasets.huggingface.co/pseudo/cnn_dm/pegasus_xsum_on_cnn.tgz) | 21.5/6.76/25 | extra labels for xsum distillation Used max_source_length=512, (and all other pegasus-xsum configuration). | EN-RO | `Helsinki-NLP/opus-mt-en-ro` | [download](https://cdn-datasets.huggingface.co/pseudo/wmt_en_ro/opus_mt_en_ro.tgz) | | | EN-RO | `facebook/mbart-large-en-ro` | [download](https://cdn-datasets.huggingface.co/pseudo/wmt_en_ro/mbart_large_en_ro.tgz) | | (EN_RO = WMT 2016 English-Romanian). Example Download Command: ```bash curl -S https://cdn-datasets.huggingface.co/pseudo/xsum/bart_xsum_pl.tgz | tar -xvz -C . ``` ### Generating New Pseudolabels Here is the command I used to generate the pseudolabels in the second row of the table, after downloading XSUM from [here](https://cdn-datasets.huggingface.co/summarization/xsum.tar.gz). ```bash python -m torch.distributed.launch --nproc_per_node=8 run_distributed_eval.py \ --model_name google/pegasus-xsum \ --save_dir pegasus_xsum \ --data_dir xsum \ --bs 8 --sync_timeout 60000 \ --max_source_length 512 \ --type_path train ``` + These commands takes a while to run. For example, `pegasus_cnn_cnn_pls.tgz` took 8 hours on 8 GPUs. + Pegasus does not work in fp16 :(, Bart, mBART and Marian do. + Even if you have 1 GPU, `run_distributed_eval.py` is 10-20% faster than `run_eval.py` because it uses `SortishSampler` to minimize padding computation. ### Contributions Feel free to contribute your own pseudolabels via PR. Add a row to this table with a new google drive link (or other command line downloadable link).
AdaMix/examples/research_projects/seq2seq-distillation/precomputed_pseudo_labels.md/0
{ "file_path": "AdaMix/examples/research_projects/seq2seq-distillation/precomputed_pseudo_labels.md", "repo_id": "AdaMix", "token_count": 1861 }
49
#!/usr/bin/env python # coding=utf-8 # Copyright 2020 The HuggingFace Team. All rights reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. # You may obtain a copy of the License at # # http://www.apache.org/licenses/LICENSE-2.0 # # Unless required by applicable law or agreed to in writing, software # distributed under the License is distributed on an "AS IS" BASIS, # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. # See the License for the specific language governing permissions and # limitations under the License. """ Fine-tuning the library models for sequence classification.""" import logging import os from dataclasses import dataclass, field from typing import Dict, Optional import datasets import numpy as np import tensorflow as tf from transformers import ( AutoConfig, AutoTokenizer, EvalPrediction, HfArgumentParser, PreTrainedTokenizer, TFAutoModelForSequenceClassification, TFTrainer, TFTrainingArguments, ) from transformers.utils import logging as hf_logging hf_logging.set_verbosity_info() hf_logging.enable_default_handler() hf_logging.enable_explicit_format() def get_tfds( train_file: str, eval_file: str, test_file: str, tokenizer: PreTrainedTokenizer, label_column_id: int, max_seq_length: Optional[int] = None, ): files = {} if train_file is not None: files[datasets.Split.TRAIN] = [train_file] if eval_file is not None: files[datasets.Split.VALIDATION] = [eval_file] if test_file is not None: files[datasets.Split.TEST] = [test_file] ds = datasets.load_dataset("csv", data_files=files) features_name = list(ds[list(files.keys())[0]].features.keys()) label_name = features_name.pop(label_column_id) label_list = list(set(ds[list(files.keys())[0]][label_name])) label2id = {label: i for i, label in enumerate(label_list)} input_names = tokenizer.model_input_names transformed_ds = {} if len(features_name) == 1: for k in files.keys(): transformed_ds[k] = ds[k].map( lambda example: tokenizer.batch_encode_plus( example[features_name[0]], truncation=True, max_length=max_seq_length, padding="max_length" ), batched=True, ) elif len(features_name) == 2: for k in files.keys(): transformed_ds[k] = ds[k].map( lambda example: tokenizer.batch_encode_plus( (example[features_name[0]], example[features_name[1]]), truncation=True, max_length=max_seq_length, padding="max_length", ), batched=True, ) def gen_train(): for ex in transformed_ds[datasets.Split.TRAIN]: d = {k: v for k, v in ex.items() if k in input_names} label = label2id[ex[label_name]] yield (d, label) def gen_val(): for ex in transformed_ds[datasets.Split.VALIDATION]: d = {k: v for k, v in ex.items() if k in input_names} label = label2id[ex[label_name]] yield (d, label) def gen_test(): for ex in transformed_ds[datasets.Split.TEST]: d = {k: v for k, v in ex.items() if k in input_names} label = label2id[ex[label_name]] yield (d, label) train_ds = ( tf.data.Dataset.from_generator( gen_train, ({k: tf.int32 for k in input_names}, tf.int64), ({k: tf.TensorShape([None]) for k in input_names}, tf.TensorShape([])), ) if datasets.Split.TRAIN in transformed_ds else None ) if train_ds is not None: train_ds = train_ds.apply(tf.data.experimental.assert_cardinality(len(ds[datasets.Split.TRAIN]))) val_ds = ( tf.data.Dataset.from_generator( gen_val, ({k: tf.int32 for k in input_names}, tf.int64), ({k: tf.TensorShape([None]) for k in input_names}, tf.TensorShape([])), ) if datasets.Split.VALIDATION in transformed_ds else None ) if val_ds is not None: val_ds = val_ds.apply(tf.data.experimental.assert_cardinality(len(ds[datasets.Split.VALIDATION]))) test_ds = ( tf.data.Dataset.from_generator( gen_test, ({k: tf.int32 for k in input_names}, tf.int64), ({k: tf.TensorShape([None]) for k in input_names}, tf.TensorShape([])), ) if datasets.Split.TEST in transformed_ds else None ) if test_ds is not None: test_ds = test_ds.apply(tf.data.experimental.assert_cardinality(len(ds[datasets.Split.TEST]))) return train_ds, val_ds, test_ds, label2id logger = logging.getLogger(__name__) @dataclass class DataTrainingArguments: """ Arguments pertaining to what data we are going to input our model for training and eval. Using `HfArgumentParser` we can turn this class into argparse arguments to be able to specify them on the command line. """ label_column_id: int = field(metadata={"help": "Which column contains the label"}) train_file: str = field(default=None, metadata={"help": "The path of the training file"}) dev_file: Optional[str] = field(default=None, metadata={"help": "The path of the development file"}) test_file: Optional[str] = field(default=None, metadata={"help": "The path of the test file"}) max_seq_length: int = field( default=128, metadata={ "help": "The maximum total input sequence length after tokenization. Sequences longer " "than this will be truncated, sequences shorter will be padded." }, ) overwrite_cache: bool = field( default=False, metadata={"help": "Overwrite the cached training and evaluation sets"} ) @dataclass class ModelArguments: """ Arguments pertaining to which model/config/tokenizer we are going to fine-tune from. """ model_name_or_path: str = field( metadata={"help": "Path to pretrained model or model identifier from huggingface.co/models"} ) config_name: Optional[str] = field( default=None, metadata={"help": "Pretrained config name or path if not the same as model_name"} ) tokenizer_name: Optional[str] = field( default=None, metadata={"help": "Pretrained tokenizer name or path if not the same as model_name"} ) use_fast: bool = field(default=False, metadata={"help": "Set this flag to use fast tokenization."}) # If you want to tweak more attributes on your tokenizer, you should do it in a distinct script, # or just modify its tokenizer_config.json. cache_dir: Optional[str] = field( default=None, metadata={"help": "Where do you want to store the pretrained models downloaded from huggingface.co"}, ) def main(): # See all possible arguments in src/transformers/training_args.py # or by passing the --help flag to this script. # We now keep distinct sets of args, for a cleaner separation of concerns. parser = HfArgumentParser((ModelArguments, DataTrainingArguments, TFTrainingArguments)) model_args, data_args, training_args = parser.parse_args_into_dataclasses() if ( os.path.exists(training_args.output_dir) and os.listdir(training_args.output_dir) and training_args.do_train and not training_args.overwrite_output_dir ): raise ValueError( f"Output directory ({training_args.output_dir}) already exists and is not empty. Use --overwrite_output_dir to overcome." ) # Setup logging logging.basicConfig( format="%(asctime)s - %(levelname)s - %(name)s - %(message)s", datefmt="%m/%d/%Y %H:%M:%S", level=logging.INFO, ) logger.info( "n_replicas: %s, distributed training: %s, 16-bits training: %s", training_args.n_replicas, bool(training_args.n_replicas > 1), training_args.fp16, ) logger.info("Training/evaluation parameters %s", training_args) # Load pretrained model and tokenizer # # Distributed training: # The .from_pretrained methods guarantee that only one local process can concurrently # download model & vocab. tokenizer = AutoTokenizer.from_pretrained( model_args.tokenizer_name if model_args.tokenizer_name else model_args.model_name_or_path, cache_dir=model_args.cache_dir, ) train_dataset, eval_dataset, test_ds, label2id = get_tfds( train_file=data_args.train_file, eval_file=data_args.dev_file, test_file=data_args.test_file, tokenizer=tokenizer, label_column_id=data_args.label_column_id, max_seq_length=data_args.max_seq_length, ) config = AutoConfig.from_pretrained( model_args.config_name if model_args.config_name else model_args.model_name_or_path, num_labels=len(label2id), label2id=label2id, id2label={id: label for label, id in label2id.items()}, finetuning_task="text-classification", cache_dir=model_args.cache_dir, ) with training_args.strategy.scope(): model = TFAutoModelForSequenceClassification.from_pretrained( model_args.model_name_or_path, from_pt=bool(".bin" in model_args.model_name_or_path), config=config, cache_dir=model_args.cache_dir, ) def compute_metrics(p: EvalPrediction) -> Dict: preds = np.argmax(p.predictions, axis=1) return {"acc": (preds == p.label_ids).mean()} # Initialize our Trainer trainer = TFTrainer( model=model, args=training_args, train_dataset=train_dataset, eval_dataset=eval_dataset, compute_metrics=compute_metrics, ) # Training if training_args.do_train: trainer.train() trainer.save_model() tokenizer.save_pretrained(training_args.output_dir) # Evaluation results = {} if training_args.do_eval: logger.info("*** Evaluate ***") result = trainer.evaluate() output_eval_file = os.path.join(training_args.output_dir, "eval_results.txt") with open(output_eval_file, "w") as writer: logger.info("***** Eval results *****") for key, value in result.items(): logger.info(" %s = %s", key, value) writer.write("%s = %s\n" % (key, value)) results.update(result) return results if __name__ == "__main__": main()
AdaMix/examples/text-classification/run_tf_text_classification.py/0
{ "file_path": "AdaMix/examples/text-classification/run_tf_text_classification.py", "repo_id": "AdaMix", "token_count": 4473 }
50
#!/usr/bin/env bash # Copyright 2020 The HuggingFace Team. All rights reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. # You may obtain a copy of the License at # # http://www.apache.org/licenses/LICENSE-2.0 # # Unless required by applicable law or agreed to in writing, software # distributed under the License is distributed on an "AS IS" BASIS, # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. # See the License for the specific language governing permissions and # limitations under the License. # this script acquires data and converts it to fsmt model # it covers: # - allenai/wmt19-de-en-6-6-base # - allenai/wmt19-de-en-6-6-big # this script needs to be run from the top level of the transformers repo if [ ! -d "src/transformers" ]; then echo "Error: This script needs to be run from the top of the transformers repo" exit 1 fi mkdir data # get data (run once) cd data gdown 'https://drive.google.com/uc?id=1j6z9fYdlUyOYsh7KJoumRlr1yHczxR5T' gdown 'https://drive.google.com/uc?id=1yT7ZjqfvUYOBXvMjeY8uGRHQFWoSo8Q5' gdown 'https://drive.google.com/uc?id=15gAzHeRUCs-QV8vHeTReMPEh1j8excNE' tar -xvzf wmt19.de-en.tar.gz tar -xvzf wmt19_deen_base_dr0.1_1.tar.gz tar -xvzf wmt19_deen_big_dr0.1_2.tar.gz cp wmt19.de-en/data-bin/dict.*.txt wmt19_deen_base_dr0.1_1 cp wmt19.de-en/data-bin/dict.*.txt wmt19_deen_big_dr0.1_2 cd - # run conversions and uploads PYTHONPATH="src" python src/transformers/convert_fsmt_original_pytorch_checkpoint_to_pytorch.py --fsmt_checkpoint_path data/wmt19_deen_base_dr0.1_1/checkpoint_last3_avg.pt --pytorch_dump_folder_path data/wmt19-de-en-6-6-base PYTHONPATH="src" python src/transformers/convert_fsmt_original_pytorch_checkpoint_to_pytorch.py --fsmt_checkpoint_path data/wmt19_deen_big_dr0.1_2/checkpoint_last3_avg.pt --pytorch_dump_folder_path data/wmt19-de-en-6-6-big # upload cd data transformers-cli upload -y wmt19-de-en-6-6-base transformers-cli upload -y wmt19-de-en-6-6-big cd - # if updating just small files and not the large models, here is a script to generate the right commands: perl -le 'for $f (@ARGV) { print qq[transformers-cli upload -y $_/$f --filename $_/$f] for ("wmt19-de-en-6-6-base", "wmt19-de-en-6-6-big")}' vocab-src.json vocab-tgt.json tokenizer_config.json config.json # add/remove files as needed
AdaMix/scripts/fsmt/convert-allenai-wmt19.sh/0
{ "file_path": "AdaMix/scripts/fsmt/convert-allenai-wmt19.sh", "repo_id": "AdaMix", "token_count": 950 }
51
[isort] default_section = FIRSTPARTY ensure_newline_before_comments = True force_grid_wrap = 0 include_trailing_comma = True known_first_party = transformers known_third_party = absl conllu datasets elasticsearch fairseq faiss-cpu fastprogress fire fugashi git h5py matplotlib nltk numpy packaging pandas PIL psutil pytest pytorch_lightning rouge_score sacrebleu seqeval sklearn streamlit tensorboardX tensorflow tensorflow_datasets timeout_decorator torch torchaudio torchtext torchvision torch_xla tqdm line_length = 119 lines_after_imports = 2 multi_line_output = 3 use_parentheses = True [flake8] ignore = E203, E501, E741, W503, W605 max-line-length = 119
AdaMix/setup.cfg/0
{ "file_path": "AdaMix/setup.cfg", "repo_id": "AdaMix", "token_count": 355 }
52
""" Implementation of a custom transfer agent for the transfer type "multipart" for git-lfs. Inspired by: github.com/cbartz/git-lfs-swift-transfer-agent/blob/master/git_lfs_swift_transfer.py Spec is: github.com/git-lfs/git-lfs/blob/master/docs/custom-transfers.md To launch debugger while developing: ``` [lfs "customtransfer.multipart"] path = /path/to/transformers/.env/bin/python args = -m debugpy --listen 5678 --wait-for-client /path/to/transformers/src/transformers/commands/transformers_cli.py lfs-multipart-upload ``` """ import json import os import subprocess import sys from argparse import ArgumentParser from contextlib import AbstractContextManager from typing import Dict, List, Optional import requests from ..utils import logging from . import BaseTransformersCLICommand logger = logging.get_logger(__name__) # pylint: disable=invalid-name LFS_MULTIPART_UPLOAD_COMMAND = "lfs-multipart-upload" class LfsCommands(BaseTransformersCLICommand): """ Implementation of a custom transfer agent for the transfer type "multipart" for git-lfs. This lets users upload large files >5GB 🔥. Spec for LFS custom transfer agent is: https://github.com/git-lfs/git-lfs/blob/master/docs/custom-transfers.md This introduces two commands to the CLI: 1. $ transformers-cli lfs-enable-largefiles This should be executed once for each model repo that contains a model file >5GB. It's documented in the error message you get if you just try to git push a 5GB file without having enabled it before. 2. $ transformers-cli lfs-multipart-upload This command is called by lfs directly and is not meant to be called by the user. """ @staticmethod def register_subcommand(parser: ArgumentParser): enable_parser = parser.add_parser( "lfs-enable-largefiles", help="Configure your repository to enable upload of files > 5GB." ) enable_parser.add_argument("path", type=str, help="Local path to repository you want to configure.") enable_parser.set_defaults(func=lambda args: LfsEnableCommand(args)) upload_parser = parser.add_parser( LFS_MULTIPART_UPLOAD_COMMAND, help="Command will get called by git-lfs, do not call it directly." ) upload_parser.set_defaults(func=lambda args: LfsUploadCommand(args)) class LfsEnableCommand: def __init__(self, args): self.args = args def run(self): local_path = os.path.abspath(self.args.path) if not os.path.isdir(local_path): print("This does not look like a valid git repo.") exit(1) subprocess.run( "git config lfs.customtransfer.multipart.path transformers-cli".split(), check=True, cwd=local_path ) subprocess.run( f"git config lfs.customtransfer.multipart.args {LFS_MULTIPART_UPLOAD_COMMAND}".split(), check=True, cwd=local_path, ) print("Local repo set up for largefiles") def write_msg(msg: Dict): """Write out the message in Line delimited JSON.""" msg = json.dumps(msg) + "\n" sys.stdout.write(msg) sys.stdout.flush() def read_msg() -> Optional[Dict]: """Read Line delimited JSON from stdin. """ msg = json.loads(sys.stdin.readline().strip()) if "terminate" in (msg.get("type"), msg.get("event")): # terminate message received return None if msg.get("event") not in ("download", "upload"): logger.critical("Received unexpected message") sys.exit(1) return msg class FileSlice(AbstractContextManager): """ File-like object that only reads a slice of a file Inspired by stackoverflow.com/a/29838711/593036 """ def __init__(self, filepath: str, seek_from: int, read_limit: int): self.filepath = filepath self.seek_from = seek_from self.read_limit = read_limit self.n_seen = 0 def __enter__(self): self.f = open(self.filepath, "rb") self.f.seek(self.seek_from) return self def __len__(self): total_length = os.fstat(self.f.fileno()).st_size return min(self.read_limit, total_length - self.seek_from) def read(self, n=-1): if self.n_seen >= self.read_limit: return b"" remaining_amount = self.read_limit - self.n_seen data = self.f.read(remaining_amount if n < 0 else min(n, remaining_amount)) self.n_seen += len(data) return data def __iter__(self): yield self.read(n=4 * 1024 * 1024) def __exit__(self, *args): self.f.close() class LfsUploadCommand: def __init__(self, args): self.args = args def run(self): # Immediately after invoking a custom transfer process, git-lfs # sends initiation data to the process over stdin. # This tells the process useful information about the configuration. init_msg = json.loads(sys.stdin.readline().strip()) if not (init_msg.get("event") == "init" and init_msg.get("operation") == "upload"): write_msg({"error": {"code": 32, "message": "Wrong lfs init operation"}}) sys.exit(1) # The transfer process should use the information it needs from the # initiation structure, and also perform any one-off setup tasks it # needs to do. It should then respond on stdout with a simple empty # confirmation structure, as follows: write_msg({}) # After the initiation exchange, git-lfs will send any number of # transfer requests to the stdin of the transfer process, in a serial sequence. while True: msg = read_msg() if msg is None: # When all transfers have been processed, git-lfs will send # a terminate event to the stdin of the transfer process. # On receiving this message the transfer process should # clean up and terminate. No response is expected. sys.exit(0) oid = msg["oid"] filepath = msg["path"] completion_url = msg["action"]["href"] header = msg["action"]["header"] chunk_size = int(header.pop("chunk_size")) presigned_urls: List[str] = list(header.values()) parts = [] for i, presigned_url in enumerate(presigned_urls): with FileSlice(filepath, seek_from=i * chunk_size, read_limit=chunk_size) as data: r = requests.put(presigned_url, data=data) r.raise_for_status() parts.append( { "etag": r.headers.get("etag"), "partNumber": i + 1, } ) # In order to support progress reporting while data is uploading / downloading, # the transfer process should post messages to stdout write_msg( { "event": "progress", "oid": oid, "bytesSoFar": (i + 1) * chunk_size, "bytesSinceLast": chunk_size, } ) # Not precise but that's ok. r = requests.post( completion_url, json={ "oid": oid, "parts": parts, }, ) r.raise_for_status() write_msg({"event": "complete", "oid": oid})
AdaMix/src/transformers/commands/lfs.py/0
{ "file_path": "AdaMix/src/transformers/commands/lfs.py", "repo_id": "AdaMix", "token_count": 3329 }
53
# coding=utf-8 # Copyright 2018 The Google AI Language Team Authors and The HuggingFace Inc. team. # Copyright (c) 2018, NVIDIA CORPORATION. All rights reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. # You may obtain a copy of the License at # # http://www.apache.org/licenses/LICENSE-2.0 # # Unless required by applicable law or agreed to in writing, software # distributed under the License is distributed on an "AS IS" BASIS, # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. # See the License for the specific language governing permissions and # limitations under the License. """ XNLI utils (dataset loading and evaluation) """ import os from ...utils import logging from .utils import DataProcessor, InputExample logger = logging.get_logger(__name__) class XnliProcessor(DataProcessor): """ Processor for the XNLI dataset. Adapted from https://github.com/google-research/bert/blob/f39e881b169b9d53bea03d2d341b31707a6c052b/run_classifier.py#L207 """ def __init__(self, language, train_language=None): self.language = language self.train_language = train_language def get_train_examples(self, data_dir): """See base class.""" lg = self.language if self.train_language is None else self.train_language lines = self._read_tsv(os.path.join(data_dir, "XNLI-MT-1.0/multinli/multinli.train.{}.tsv".format(lg))) examples = [] for (i, line) in enumerate(lines): if i == 0: continue guid = "%s-%s" % ("train", i) text_a = line[0] text_b = line[1] label = "contradiction" if line[2] == "contradictory" else line[2] assert isinstance(text_a, str), f"Training input {text_a} is not a string" assert isinstance(text_b, str), f"Training input {text_b} is not a string" assert isinstance(label, str), f"Training label {label} is not a string" examples.append(InputExample(guid=guid, text_a=text_a, text_b=text_b, label=label)) return examples def get_test_examples(self, data_dir): """See base class.""" lines = self._read_tsv(os.path.join(data_dir, "XNLI-1.0/xnli.test.tsv")) examples = [] for (i, line) in enumerate(lines): if i == 0: continue language = line[0] if language != self.language: continue guid = "%s-%s" % ("test", i) text_a = line[6] text_b = line[7] label = line[1] assert isinstance(text_a, str), f"Training input {text_a} is not a string" assert isinstance(text_b, str), f"Training input {text_b} is not a string" assert isinstance(label, str), f"Training label {label} is not a string" examples.append(InputExample(guid=guid, text_a=text_a, text_b=text_b, label=label)) return examples def get_labels(self): """See base class.""" return ["contradiction", "entailment", "neutral"] xnli_processors = { "xnli": XnliProcessor, } xnli_output_modes = { "xnli": "classification", } xnli_tasks_num_labels = { "xnli": 3, }
AdaMix/src/transformers/data/processors/xnli.py/0
{ "file_path": "AdaMix/src/transformers/data/processors/xnli.py", "repo_id": "AdaMix", "token_count": 1395 }
54
# coding=utf-8 # Copyright 2018 The Google Flax Team Authors and The HuggingFace Inc. team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. # You may obtain a copy of the License at # # http://www.apache.org/licenses/LICENSE-2.0 # # Unless required by applicable law or agreed to in writing, software # distributed under the License is distributed on an "AS IS" BASIS, # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. # See the License for the specific language governing permissions and # limitations under the License. import os from abc import ABC, abstractmethod from functools import partial from pickle import UnpicklingError from typing import Dict, Set, Tuple, Union import flax.linen as nn import jax import jax.numpy as jnp from flax.core.frozen_dict import FrozenDict, freeze, unfreeze from flax.serialization import from_bytes, to_bytes from flax.traverse_util import flatten_dict, unflatten_dict from jax.random import PRNGKey from .configuration_utils import PretrainedConfig from .file_utils import FLAX_WEIGHTS_NAME, WEIGHTS_NAME, cached_path, hf_bucket_url, is_offline_mode, is_remote_url from .utils import logging logger = logging.get_logger(__name__) ACT2FN = { "gelu": nn.gelu, "relu": nn.relu, "silu": nn.swish, "swish": nn.swish, "gelu_new": partial(nn.gelu, approximate=True), } class FlaxPreTrainedModel(ABC): r""" Base class for all models. :class:`~transformers.FlaxPreTrainedModel` takes care of storing the configuration of the models and handles methods for loading, downloading and saving models. Class attributes (overridden by derived classes): - **config_class** (:class:`~transformers.PretrainedConfig`) -- A subclass of :class:`~transformers.PretrainedConfig` to use as configuration class for this model architecture. - **base_model_prefix** (:obj:`str`) -- A string indicating the attribute associated to the base model in derived classes of the same architecture adding modules on top of the base model. """ config_class = None base_model_prefix = "" def __init__( self, config: PretrainedConfig, module: nn.Module, input_shape: Tuple = (1, 1), seed: int = 0, dtype: jnp.dtype = jnp.float32, ): if config is None: raise ValueError("config cannot be None") if module is None: raise ValueError("module cannot be None") # Those are private to be exposed as typed property on derived classes. self._config = config self._module = module # Those are public as their type is generic to every derived classes. self.key = PRNGKey(seed) self.dtype = dtype # randomely initialized parameters random_params = self.init(self.key, input_shape) # save required_params as set self._required_params = set(flatten_dict(unfreeze(random_params)).keys()) self.params = random_params def init(self, rng: jax.random.PRNGKey, input_shape: Tuple) -> Dict: raise NotImplementedError(f"init method has to be implemented for {self}") @property def config(self) -> PretrainedConfig: return self._config @property def module(self) -> nn.Module: return self._module @property def params(self) -> Union[Dict, FrozenDict]: return self._params @property def required_params(self) -> Set: return self._required_params @params.setter def params(self, params: Union[Dict, FrozenDict]): if isinstance(params, FrozenDict): params = unfreeze(params) param_keys = set(flatten_dict(params).keys()) if len(self.required_params - param_keys) > 0: raise ValueError( "Some parameters are missing. Make sure that `params` include the following " f"parameters {self.required_params - param_keys}" ) self._params = freeze(params) @staticmethod @abstractmethod def convert_from_pytorch(pt_state: Dict, config: PretrainedConfig) -> Dict: raise NotImplementedError() @classmethod def from_pretrained( cls, pretrained_model_name_or_path: Union[str, os.PathLike], dtype: jnp.dtype = jnp.float32, *model_args, **kwargs ): r""" Instantiate a pretrained flax model from a pre-trained model configuration. The warning `Weights from XXX not initialized from pretrained model` means that the weights of XXX do not come pretrained with the rest of the model. It is up to you to train those weights with a downstream fine-tuning task. The warning `Weights from XXX not used in YYY` means that the layer XXX is not used by YYY, therefore those weights are discarded. Parameters: pretrained_model_name_or_path (:obj:`str` or :obj:`os.PathLike`): Can be either: - A string, the `model id` of a pretrained model hosted inside a model repo on huggingface.co. Valid model ids can be located at the root-level, like ``bert-base-uncased``, or namespaced under a user or organization name, like ``dbmdz/bert-base-german-cased``. - A path to a `directory` containing model weights saved using :func:`~transformers.FlaxPreTrainedModel.save_pretrained`, e.g., ``./my_model_directory/``. - A path or url to a `pt index checkpoint file` (e.g, ``./tf_model/model.ckpt.index``). In this case, ``from_pt`` should be set to :obj:`True`. model_args (sequence of positional arguments, `optional`): All remaning positional arguments will be passed to the underlying model's ``__init__`` method. config (:obj:`Union[PretrainedConfig, str, os.PathLike]`, `optional`): Can be either: - an instance of a class derived from :class:`~transformers.PretrainedConfig`, - a string or path valid as input to :func:`~transformers.PretrainedConfig.from_pretrained`. Configuration for the model to use instead of an automatically loaded configuation. Configuration can be automatically loaded when: - The model is a model provided by the library (loaded with the `model id` string of a pretrained model). - The model was saved using :func:`~transformers.PreTrainedModel.save_pretrained` and is reloaded by supplying the save directory. - The model is loaded by supplying a local directory as ``pretrained_model_name_or_path`` and a configuration JSON file named `config.json` is found in the directory. cache_dir (:obj:`Union[str, os.PathLike]`, `optional`): Path to a directory in which a downloaded pretrained model configuration should be cached if the standard cache should not be used. from_pt (:obj:`bool`, `optional`, defaults to :obj:`False`): Load the model weights from a PyTorch checkpoint save file (see docstring of ``pretrained_model_name_or_path`` argument). force_download (:obj:`bool`, `optional`, defaults to :obj:`False`): Whether or not to force the (re-)download of the model weights and configuration files, overriding the cached versions if they exist. resume_download (:obj:`bool`, `optional`, defaults to :obj:`False`): Whether or not to delete incompletely received files. Will attempt to resume the download if such a file exists. proxies (:obj:`Dict[str, str], `optional`): A dictionary of proxy servers to use by protocol or endpoint, e.g., :obj:`{'http': 'foo.bar:3128', 'http://hostname': 'foo.bar:4012'}`. The proxies are used on each request. local_files_only(:obj:`bool`, `optional`, defaults to :obj:`False`): Whether or not to only look at local files (i.e., do not try to download the model). revision(:obj:`str`, `optional`, defaults to :obj:`"main"`): The specific model version to use. It can be a branch name, a tag name, or a commit id, since we use a git-based system for storing models and other artifacts on huggingface.co, so ``revision`` can be any identifier allowed by git. kwargs (remaining dictionary of keyword arguments, `optional`): Can be used to update the configuration object (after it being loaded) and initiate the model (e.g., :obj:`output_attentions=True`). Behaves differently depending on whether a ``config`` is provided or automatically loaded: - If a configuration is provided with ``config``, ``**kwargs`` will be directly passed to the underlying model's ``__init__`` method (we assume all relevant updates to the configuration have already been done) - If a configuration is not provided, ``kwargs`` will be first passed to the configuration class initialization function (:func:`~transformers.PretrainedConfig.from_pretrained`). Each key of ``kwargs`` that corresponds to a configuration attribute will be used to override said attribute with the supplied ``kwargs`` value. Remaining keys that do not correspond to any configuration attribute will be passed to the underlying model's ``__init__`` function. Examples:: >>> from transformers import BertConfig, FlaxBertModel >>> # Download model and configuration from huggingface.co and cache. >>> model = FlaxBertModel.from_pretrained('bert-base-cased') >>> # Model was saved using `save_pretrained('./test/saved_model/')` (for example purposes, not runnable). >>> model = FlaxBertModel.from_pretrained('./test/saved_model/') >>> # Loading from a PyTorch checkpoint file instead of a PyTorch model (slower, for example purposes, not runnable). >>> config = BertConfig.from_json_file('./pt_model/config.json') >>> model = FlaxBertModel.from_pretrained('./pt_model/pytorch_model.bin', from_pt=True, config=config) """ config = kwargs.pop("config", None) cache_dir = kwargs.pop("cache_dir", None) from_pt = kwargs.pop("from_pt", False) force_download = kwargs.pop("force_download", False) resume_download = kwargs.pop("resume_download", False) proxies = kwargs.pop("proxies", None) local_files_only = kwargs.pop("local_files_only", False) use_auth_token = kwargs.pop("use_auth_token", None) revision = kwargs.pop("revision", None) if is_offline_mode() and not local_files_only: logger.info("Offline mode: forcing local_files_only=True") local_files_only = True # Load config if we don't provide a configuration if not isinstance(config, PretrainedConfig): config_path = config if config is not None else pretrained_model_name_or_path config, model_kwargs = cls.config_class.from_pretrained( config_path, *model_args, cache_dir=cache_dir, return_unused_kwargs=True, force_download=force_download, resume_download=resume_download, proxies=proxies, local_files_only=local_files_only, use_auth_token=use_auth_token, revision=revision, **kwargs, ) else: model_kwargs = kwargs # Add the dtype to model_kwargs model_kwargs["dtype"] = dtype # Load model if pretrained_model_name_or_path is not None: if os.path.isdir(pretrained_model_name_or_path): if from_pt and os.path.isfile(os.path.join(pretrained_model_name_or_path, WEIGHTS_NAME)): # Load from a PyTorch checkpoint archive_file = os.path.join(pretrained_model_name_or_path, WEIGHTS_NAME) elif os.path.isfile(os.path.join(pretrained_model_name_or_path, FLAX_WEIGHTS_NAME)): # Load from a Flax checkpoint archive_file = os.path.join(pretrained_model_name_or_path, FLAX_WEIGHTS_NAME) else: raise EnvironmentError( "Error no file named {} found in directory {} or `from_pt` set to False".format( [FLAX_WEIGHTS_NAME, WEIGHTS_NAME], pretrained_model_name_or_path, ) ) elif os.path.isfile(pretrained_model_name_or_path) or is_remote_url(pretrained_model_name_or_path): archive_file = pretrained_model_name_or_path else: archive_file = hf_bucket_url( pretrained_model_name_or_path, filename=WEIGHTS_NAME if from_pt else FLAX_WEIGHTS_NAME, revision=revision, ) # redirect to the cache, if necessary try: resolved_archive_file = cached_path( archive_file, cache_dir=cache_dir, force_download=force_download, proxies=proxies, resume_download=resume_download, local_files_only=local_files_only, use_auth_token=use_auth_token, ) except EnvironmentError as err: logger.error(err) msg = ( f"Can't load weights for '{pretrained_model_name_or_path}'. Make sure that:\n\n" f"- '{pretrained_model_name_or_path}' is a correct model identifier listed on 'https://huggingface.co/models'\n\n" f"- or '{pretrained_model_name_or_path}' is the correct path to a directory containing a file named {WEIGHTS_NAME}.\n\n" ) raise EnvironmentError(msg) if resolved_archive_file == archive_file: logger.info(f"loading weights file {archive_file}") else: logger.info(f"loading weights file {archive_file} from cache at {resolved_archive_file}") else: resolved_archive_file = None # Instantiate model. with open(resolved_archive_file, "rb") as state_f: try: if from_pt: import torch state = torch.load(state_f) state = convert_state_dict_from_pt(cls, state, config) else: state = from_bytes(cls, state_f.read()) except UnpicklingError: raise EnvironmentError( f"Unable to convert pytorch model {archive_file} to Flax deserializable object. " ) # init random models model = cls(config, *model_args, **model_kwargs) # if model is base model only use model_prefix key if cls.base_model_prefix not in dict(model.params) and cls.base_model_prefix in state: state = state[cls.base_model_prefix] # flatten dicts state = flatten_dict(state) random_state = flatten_dict(unfreeze(model.params)) missing_keys = model.required_params - set(state.keys()) unexpected_keys = set(state.keys()) - model.required_params # add missing keys as random parameters for missing_key in missing_keys: state[missing_key] = random_state[missing_key] if len(unexpected_keys) > 0: logger.warning( f"Some weights of the model checkpoint at {pretrained_model_name_or_path} were not used when " f"initializing {model.__class__.__name__}: {unexpected_keys}\n" f"- This IS expected if you are initializing {model.__class__.__name__} from the checkpoint of a model trained on another task " f"or with another architecture (e.g. initializing a BertForSequenceClassification model from a BertForPreTraining model).\n" f"- This IS NOT expected if you are initializing {model.__class__.__name__} from the checkpoint of a model that you expect " f"to be exactly identical (initializing a BertForSequenceClassification model from a BertForSequenceClassification model)." ) else: logger.info(f"All model checkpoint weights were used when initializing {model.__class__.__name__}.\n") if len(missing_keys) > 0: logger.warning( f"Some weights of {model.__class__.__name__} were not initialized from the model checkpoint at {pretrained_model_name_or_path} " f"and are newly initialized: {missing_keys}\n" f"You should probably TRAIN this model on a down-stream task to be able to use it for predictions and inference." ) else: logger.info( f"All the weights of {model.__class__.__name__} were initialized from the model checkpoint at {pretrained_model_name_or_path}.\n" f"If your task is similar to the task the model of the checkpoint was trained on, " f"you can already use {model.__class__.__name__} for predictions without further training." ) # set correct parameters model.params = unflatten_dict(state) return model def save_pretrained(self, save_directory: Union[str, os.PathLike]): """ Save a model and its configuration file to a directory, so that it can be re-loaded using the `:func:`~transformers.FlaxPreTrainedModel.from_pretrained`` class method Arguments: save_directory (:obj:`str` or :obj:`os.PathLike`): Directory to which to save. Will be created if it doesn't exist. """ if os.path.isfile(save_directory): logger.error("Provided path ({}) should be a directory, not a file".format(save_directory)) return os.makedirs(save_directory, exist_ok=True) # get abs dir save_directory = os.path.abspath(save_directory) # save config as well self.config.save_pretrained(save_directory) # save model with open(os.path.join(save_directory, FLAX_WEIGHTS_NAME), "wb") as f: model_bytes = to_bytes(self.params) f.write(model_bytes) def convert_state_dict_from_pt(model_class: ABC, state: Dict, config: PretrainedConfig): """ Converts a PyTorch parameter state dict to an equivalent Flax parameter state dict """ state = {k: v.numpy() for k, v in state.items()} state = model_class.convert_from_pytorch(state, config) state = unflatten_dict({tuple(k.split(".")): v for k, v in state.items()}) return state
AdaMix/src/transformers/modeling_flax_utils.py/0
{ "file_path": "AdaMix/src/transformers/modeling_flax_utils.py", "repo_id": "AdaMix", "token_count": 8244 }
55
# coding=utf-8 # Copyright 2018 The HuggingFace Inc. team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. # You may obtain a copy of the License at # # http://www.apache.org/licenses/LICENSE-2.0 # # Unless required by applicable law or agreed to in writing, software # distributed under the License is distributed on an "AS IS" BASIS, # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. # See the License for the specific language governing permissions and # limitations under the License. """ Auto Tokenizer class. """ from collections import OrderedDict from ...configuration_utils import PretrainedConfig from ...file_utils import is_sentencepiece_available, is_tokenizers_available from ...utils import logging from ..bart.tokenization_bart import BartTokenizer from ..bert.tokenization_bert import BertTokenizer from ..bert_japanese.tokenization_bert_japanese import BertJapaneseTokenizer from ..bertweet.tokenization_bertweet import BertweetTokenizer from ..blenderbot.tokenization_blenderbot import BlenderbotTokenizer from ..blenderbot_small.tokenization_blenderbot_small import BlenderbotSmallTokenizer from ..convbert.tokenization_convbert import ConvBertTokenizer from ..ctrl.tokenization_ctrl import CTRLTokenizer from ..deberta.tokenization_deberta import DebertaTokenizer from ..distilbert.tokenization_distilbert import DistilBertTokenizer from ..dpr.tokenization_dpr import DPRQuestionEncoderTokenizer from ..electra.tokenization_electra import ElectraTokenizer from ..flaubert.tokenization_flaubert import FlaubertTokenizer from ..fsmt.tokenization_fsmt import FSMTTokenizer from ..funnel.tokenization_funnel import FunnelTokenizer from ..gpt2.tokenization_gpt2 import GPT2Tokenizer from ..herbert.tokenization_herbert import HerbertTokenizer from ..layoutlm.tokenization_layoutlm import LayoutLMTokenizer from ..led.tokenization_led import LEDTokenizer from ..longformer.tokenization_longformer import LongformerTokenizer from ..lxmert.tokenization_lxmert import LxmertTokenizer from ..mobilebert.tokenization_mobilebert import MobileBertTokenizer from ..mpnet.tokenization_mpnet import MPNetTokenizer from ..openai.tokenization_openai import OpenAIGPTTokenizer from ..phobert.tokenization_phobert import PhobertTokenizer from ..prophetnet.tokenization_prophetnet import ProphetNetTokenizer from ..rag.tokenization_rag import RagTokenizer from ..retribert.tokenization_retribert import RetriBertTokenizer from ..roberta.tokenization_roberta import RobertaTokenizer from ..squeezebert.tokenization_squeezebert import SqueezeBertTokenizer from ..tapas.tokenization_tapas import TapasTokenizer from ..transfo_xl.tokenization_transfo_xl import TransfoXLTokenizer from ..wav2vec2.tokenization_wav2vec2 import Wav2Vec2CTCTokenizer from ..xlm.tokenization_xlm import XLMTokenizer from .configuration_auto import ( AlbertConfig, AutoConfig, BartConfig, BertConfig, BertGenerationConfig, BlenderbotConfig, BlenderbotSmallConfig, CamembertConfig, ConvBertConfig, CTRLConfig, DebertaConfig, DebertaV2Config, DistilBertConfig, DPRConfig, ElectraConfig, EncoderDecoderConfig, FlaubertConfig, FSMTConfig, FunnelConfig, GPT2Config, IBertConfig, LayoutLMConfig, LEDConfig, LongformerConfig, LxmertConfig, M2M100Config, MarianConfig, MBartConfig, MobileBertConfig, MPNetConfig, MT5Config, OpenAIGPTConfig, PegasusConfig, ProphetNetConfig, RagConfig, ReformerConfig, RetriBertConfig, RobertaConfig, Speech2TextConfig, SqueezeBertConfig, T5Config, TapasConfig, TransfoXLConfig, Wav2Vec2Config, XLMConfig, XLMProphetNetConfig, XLMRobertaConfig, XLNetConfig, replace_list_option_in_docstrings, ) if is_sentencepiece_available(): from ..albert.tokenization_albert import AlbertTokenizer from ..barthez.tokenization_barthez import BarthezTokenizer from ..bert_generation.tokenization_bert_generation import BertGenerationTokenizer from ..camembert.tokenization_camembert import CamembertTokenizer from ..deberta_v2.tokenization_deberta_v2 import DebertaV2Tokenizer from ..m2m_100 import M2M100Tokenizer from ..marian.tokenization_marian import MarianTokenizer from ..mbart.tokenization_mbart import MBartTokenizer from ..mbart.tokenization_mbart50 import MBart50Tokenizer from ..mt5 import MT5Tokenizer from ..pegasus.tokenization_pegasus import PegasusTokenizer from ..reformer.tokenization_reformer import ReformerTokenizer from ..speech_to_text import Speech2TextTokenizer from ..t5.tokenization_t5 import T5Tokenizer from ..xlm_prophetnet.tokenization_xlm_prophetnet import XLMProphetNetTokenizer from ..xlm_roberta.tokenization_xlm_roberta import XLMRobertaTokenizer from ..xlnet.tokenization_xlnet import XLNetTokenizer else: AlbertTokenizer = None BarthezTokenizer = None BertGenerationTokenizer = None CamembertTokenizer = None DebertaV2Tokenizer = None MarianTokenizer = None MBartTokenizer = None MBart50Tokenizer = None MT5Tokenizer = None PegasusTokenizer = None ReformerTokenizer = None T5Tokenizer = None XLMRobertaTokenizer = None XLNetTokenizer = None XLMProphetNetTokenizer = None M2M100Tokenizer = None Speech2TextTokenizer = None if is_tokenizers_available(): from ..albert.tokenization_albert_fast import AlbertTokenizerFast from ..bart.tokenization_bart_fast import BartTokenizerFast from ..barthez.tokenization_barthez_fast import BarthezTokenizerFast from ..bert.tokenization_bert_fast import BertTokenizerFast from ..camembert.tokenization_camembert_fast import CamembertTokenizerFast from ..convbert.tokenization_convbert_fast import ConvBertTokenizerFast from ..distilbert.tokenization_distilbert_fast import DistilBertTokenizerFast from ..dpr.tokenization_dpr_fast import DPRQuestionEncoderTokenizerFast from ..electra.tokenization_electra_fast import ElectraTokenizerFast from ..funnel.tokenization_funnel_fast import FunnelTokenizerFast from ..gpt2.tokenization_gpt2_fast import GPT2TokenizerFast from ..herbert.tokenization_herbert_fast import HerbertTokenizerFast from ..layoutlm.tokenization_layoutlm_fast import LayoutLMTokenizerFast from ..led.tokenization_led_fast import LEDTokenizerFast from ..longformer.tokenization_longformer_fast import LongformerTokenizerFast from ..lxmert.tokenization_lxmert_fast import LxmertTokenizerFast from ..mbart.tokenization_mbart50_fast import MBart50TokenizerFast from ..mbart.tokenization_mbart_fast import MBartTokenizerFast from ..mobilebert.tokenization_mobilebert_fast import MobileBertTokenizerFast from ..mpnet.tokenization_mpnet_fast import MPNetTokenizerFast from ..mt5 import MT5TokenizerFast from ..openai.tokenization_openai_fast import OpenAIGPTTokenizerFast from ..pegasus.tokenization_pegasus_fast import PegasusTokenizerFast from ..reformer.tokenization_reformer_fast import ReformerTokenizerFast from ..retribert.tokenization_retribert_fast import RetriBertTokenizerFast from ..roberta.tokenization_roberta_fast import RobertaTokenizerFast from ..squeezebert.tokenization_squeezebert_fast import SqueezeBertTokenizerFast from ..t5.tokenization_t5_fast import T5TokenizerFast from ..xlm_roberta.tokenization_xlm_roberta_fast import XLMRobertaTokenizerFast from ..xlnet.tokenization_xlnet_fast import XLNetTokenizerFast else: AlbertTokenizerFast = None BartTokenizerFast = None BarthezTokenizerFast = None BertTokenizerFast = None CamembertTokenizerFast = None ConvBertTokenizerFast = None DistilBertTokenizerFast = None DPRQuestionEncoderTokenizerFast = None ElectraTokenizerFast = None FunnelTokenizerFast = None GPT2TokenizerFast = None HerbertTokenizerFast = None LayoutLMTokenizerFast = None LEDTokenizerFast = None LongformerTokenizerFast = None LxmertTokenizerFast = None MBartTokenizerFast = None MBart50TokenizerFast = None MobileBertTokenizerFast = None MPNetTokenizerFast = None MT5TokenizerFast = None OpenAIGPTTokenizerFast = None PegasusTokenizerFast = None ReformerTokenizerFast = None RetriBertTokenizerFast = None RobertaTokenizerFast = None SqueezeBertTokenizerFast = None T5TokenizerFast = None XLMRobertaTokenizerFast = None XLNetTokenizerFast = None logger = logging.get_logger(__name__) TOKENIZER_MAPPING = OrderedDict( [ (RetriBertConfig, (RetriBertTokenizer, RetriBertTokenizerFast)), (T5Config, (T5Tokenizer, T5TokenizerFast)), (MT5Config, (MT5Tokenizer, MT5TokenizerFast)), (MobileBertConfig, (MobileBertTokenizer, MobileBertTokenizerFast)), (DistilBertConfig, (DistilBertTokenizer, DistilBertTokenizerFast)), (AlbertConfig, (AlbertTokenizer, AlbertTokenizerFast)), (CamembertConfig, (CamembertTokenizer, CamembertTokenizerFast)), (PegasusConfig, (PegasusTokenizer, PegasusTokenizerFast)), (MBartConfig, (MBartTokenizer, MBartTokenizerFast)), (XLMRobertaConfig, (XLMRobertaTokenizer, XLMRobertaTokenizerFast)), (MarianConfig, (MarianTokenizer, None)), (BlenderbotSmallConfig, (BlenderbotSmallTokenizer, None)), (BlenderbotConfig, (BlenderbotTokenizer, None)), (LongformerConfig, (LongformerTokenizer, LongformerTokenizerFast)), (BartConfig, (BartTokenizer, BartTokenizerFast)), (LongformerConfig, (LongformerTokenizer, LongformerTokenizerFast)), (RobertaConfig, (RobertaTokenizer, RobertaTokenizerFast)), (ReformerConfig, (ReformerTokenizer, ReformerTokenizerFast)), (ElectraConfig, (ElectraTokenizer, ElectraTokenizerFast)), (FunnelConfig, (FunnelTokenizer, FunnelTokenizerFast)), (LxmertConfig, (LxmertTokenizer, LxmertTokenizerFast)), (LayoutLMConfig, (LayoutLMTokenizer, LayoutLMTokenizerFast)), (DPRConfig, (DPRQuestionEncoderTokenizer, DPRQuestionEncoderTokenizerFast)), (SqueezeBertConfig, (SqueezeBertTokenizer, SqueezeBertTokenizerFast)), (BertConfig, (BertTokenizer, BertTokenizerFast)), (OpenAIGPTConfig, (OpenAIGPTTokenizer, OpenAIGPTTokenizerFast)), (GPT2Config, (GPT2Tokenizer, GPT2TokenizerFast)), (TransfoXLConfig, (TransfoXLTokenizer, None)), (XLNetConfig, (XLNetTokenizer, XLNetTokenizerFast)), (FlaubertConfig, (FlaubertTokenizer, None)), (XLMConfig, (XLMTokenizer, None)), (CTRLConfig, (CTRLTokenizer, None)), (FSMTConfig, (FSMTTokenizer, None)), (BertGenerationConfig, (BertGenerationTokenizer, None)), (DebertaConfig, (DebertaTokenizer, None)), (DebertaV2Config, (DebertaV2Tokenizer, None)), (RagConfig, (RagTokenizer, None)), (XLMProphetNetConfig, (XLMProphetNetTokenizer, None)), (Speech2TextConfig, (Speech2TextTokenizer, None)), (M2M100Config, (M2M100Tokenizer, None)), (ProphetNetConfig, (ProphetNetTokenizer, None)), (MPNetConfig, (MPNetTokenizer, MPNetTokenizerFast)), (TapasConfig, (TapasTokenizer, None)), (LEDConfig, (LEDTokenizer, LEDTokenizerFast)), (ConvBertConfig, (ConvBertTokenizer, ConvBertTokenizerFast)), (IBertConfig, (RobertaTokenizer, RobertaTokenizerFast)), (Wav2Vec2Config, (Wav2Vec2CTCTokenizer, None)), ] ) # For tokenizers which are not directly mapped from a config NO_CONFIG_TOKENIZER = [ BertJapaneseTokenizer, BertweetTokenizer, HerbertTokenizer, HerbertTokenizerFast, PhobertTokenizer, BarthezTokenizer, BarthezTokenizerFast, MBart50Tokenizer, MBart50TokenizerFast, ] SLOW_TOKENIZER_MAPPING = { k: (v[0] if v[0] is not None else v[1]) for k, v in TOKENIZER_MAPPING.items() if (v[0] is not None or v[1] is not None) } def tokenizer_class_from_name(class_name: str): all_tokenizer_classes = ( [v[0] for v in TOKENIZER_MAPPING.values() if v[0] is not None] + [v[1] for v in TOKENIZER_MAPPING.values() if v[1] is not None] + NO_CONFIG_TOKENIZER ) for c in all_tokenizer_classes: if c.__name__ == class_name: return c class AutoTokenizer: r""" This is a generic tokenizer class that will be instantiated as one of the tokenizer classes of the library when created with the :meth:`AutoTokenizer.from_pretrained` class method. This class cannot be instantiated directly using ``__init__()`` (throws an error). """ def __init__(self): raise EnvironmentError( "AutoTokenizer is designed to be instantiated " "using the `AutoTokenizer.from_pretrained(pretrained_model_name_or_path)` method." ) @classmethod @replace_list_option_in_docstrings(SLOW_TOKENIZER_MAPPING) def from_pretrained(cls, pretrained_model_name_or_path, *inputs, **kwargs): r""" Instantiate one of the tokenizer classes of the library from a pretrained model vocabulary. The tokenizer class to instantiate is selected based on the :obj:`model_type` property of the config object (either passed as an argument or loaded from :obj:`pretrained_model_name_or_path` if possible), or when it's missing, by falling back to using pattern matching on :obj:`pretrained_model_name_or_path`: List options Params: pretrained_model_name_or_path (:obj:`str` or :obj:`os.PathLike`): Can be either: - A string, the `model id` of a predefined tokenizer hosted inside a model repo on huggingface.co. Valid model ids can be located at the root-level, like ``bert-base-uncased``, or namespaced under a user or organization name, like ``dbmdz/bert-base-german-cased``. - A path to a `directory` containing vocabulary files required by the tokenizer, for instance saved using the :func:`~transformers.PreTrainedTokenizer.save_pretrained` method, e.g., ``./my_model_directory/``. - A path or url to a single saved vocabulary file if and only if the tokenizer only requires a single vocabulary file (like Bert or XLNet), e.g.: ``./my_model_directory/vocab.txt``. (Not applicable to all derived classes) inputs (additional positional arguments, `optional`): Will be passed along to the Tokenizer ``__init__()`` method. config (:class:`~transformers.PreTrainedConfig`, `optional`) The configuration object used to dertermine the tokenizer class to instantiate. cache_dir (:obj:`str` or :obj:`os.PathLike`, `optional`): Path to a directory in which a downloaded pretrained model configuration should be cached if the standard cache should not be used. force_download (:obj:`bool`, `optional`, defaults to :obj:`False`): Whether or not to force the (re-)download the model weights and configuration files and override the cached versions if they exist. resume_download (:obj:`bool`, `optional`, defaults to :obj:`False`): Whether or not to delete incompletely received files. Will attempt to resume the download if such a file exists. proxies (:obj:`Dict[str, str]`, `optional`): A dictionary of proxy servers to use by protocol or endpoint, e.g., :obj:`{'http': 'foo.bar:3128', 'http://hostname': 'foo.bar:4012'}`. The proxies are used on each request. revision(:obj:`str`, `optional`, defaults to :obj:`"main"`): The specific model version to use. It can be a branch name, a tag name, or a commit id, since we use a git-based system for storing models and other artifacts on huggingface.co, so ``revision`` can be any identifier allowed by git. subfolder (:obj:`str`, `optional`): In case the relevant files are located inside a subfolder of the model repo on huggingface.co (e.g. for facebook/rag-token-base), specify it here. use_fast (:obj:`bool`, `optional`, defaults to :obj:`True`): Whether or not to try to load the fast version of the tokenizer. kwargs (additional keyword arguments, `optional`): Will be passed to the Tokenizer ``__init__()`` method. Can be used to set special tokens like ``bos_token``, ``eos_token``, ``unk_token``, ``sep_token``, ``pad_token``, ``cls_token``, ``mask_token``, ``additional_special_tokens``. See parameters in the ``__init__()`` for more details. Examples:: >>> from transformers import AutoTokenizer >>> # Download vocabulary from huggingface.co and cache. >>> tokenizer = AutoTokenizer.from_pretrained('bert-base-uncased') >>> # Download vocabulary from huggingface.co (user-uploaded) and cache. >>> tokenizer = AutoTokenizer.from_pretrained('dbmdz/bert-base-german-cased') >>> # If vocabulary files are in a directory (e.g. tokenizer was saved using `save_pretrained('./test/saved_model/')`) >>> tokenizer = AutoTokenizer.from_pretrained('./test/bert_saved_model/') """ config = kwargs.pop("config", None) if not isinstance(config, PretrainedConfig): config = AutoConfig.from_pretrained(pretrained_model_name_or_path, **kwargs) use_fast = kwargs.pop("use_fast", True) if config.tokenizer_class is not None: tokenizer_class = None if use_fast and not config.tokenizer_class.endswith("Fast"): tokenizer_class_candidate = f"{config.tokenizer_class}Fast" tokenizer_class = tokenizer_class_from_name(tokenizer_class_candidate) if tokenizer_class is None: tokenizer_class_candidate = config.tokenizer_class tokenizer_class = tokenizer_class_from_name(tokenizer_class_candidate) if tokenizer_class is None: raise ValueError( "Tokenizer class {} does not exist or is not currently imported.".format(tokenizer_class_candidate) ) return tokenizer_class.from_pretrained(pretrained_model_name_or_path, *inputs, **kwargs) # if model is an encoder decoder, the encoder tokenizer class is used by default if isinstance(config, EncoderDecoderConfig): if type(config.decoder) is not type(config.encoder): # noqa: E721 logger.warn( f"The encoder model config class: {config.encoder.__class__} is different from the decoder model " f"config class: {config.decoder.__class}. It is not recommended to use the " "`AutoTokenizer.from_pretrained()` method in this case. Please use the encoder and decoder " "specific tokenizer classes." ) config = config.encoder if type(config) in TOKENIZER_MAPPING.keys(): tokenizer_class_py, tokenizer_class_fast = TOKENIZER_MAPPING[type(config)] if tokenizer_class_fast and (use_fast or tokenizer_class_py is None): return tokenizer_class_fast.from_pretrained(pretrained_model_name_or_path, *inputs, **kwargs) else: if tokenizer_class_py is not None: return tokenizer_class_py.from_pretrained(pretrained_model_name_or_path, *inputs, **kwargs) else: raise ValueError( "This tokenizer cannot be instantiated. Please make sure you have `sentencepiece` installed " "in order to use this tokenizer." ) raise ValueError( "Unrecognized configuration class {} to build an AutoTokenizer.\n" "Model type should be one of {}.".format( config.__class__, ", ".join(c.__name__ for c in TOKENIZER_MAPPING.keys()) ) )
AdaMix/src/transformers/models/auto/tokenization_auto.py/0
{ "file_path": "AdaMix/src/transformers/models/auto/tokenization_auto.py", "repo_id": "AdaMix", "token_count": 7872 }
56
# coding=utf-8 # Copyright 2018 The Google AI Language Team Authors and The HuggingFace Inc. team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. # You may obtain a copy of the License at # # http://www.apache.org/licenses/LICENSE-2.0 # # Unless required by applicable law or agreed to in writing, software # distributed under the License is distributed on an "AS IS" BASIS, # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. # See the License for the specific language governing permissions and # limitations under the License. """Tokenization classes for Bert.""" import collections import os import unicodedata from typing import List, Optional, Tuple from ...tokenization_utils import PreTrainedTokenizer, _is_control, _is_punctuation, _is_whitespace from ...utils import logging logger = logging.get_logger(__name__) VOCAB_FILES_NAMES = {"vocab_file": "vocab.txt"} PRETRAINED_VOCAB_FILES_MAP = { "vocab_file": { "bert-base-uncased": "https://huggingface.co/bert-base-uncased/resolve/main/vocab.txt", "bert-large-uncased": "https://huggingface.co/bert-large-uncased/resolve/main/vocab.txt", "bert-base-cased": "https://huggingface.co/bert-base-cased/resolve/main/vocab.txt", "bert-large-cased": "https://huggingface.co/bert-large-cased/resolve/main/vocab.txt", "bert-base-multilingual-uncased": "https://huggingface.co/bert-base-multilingual-uncased/resolve/main/vocab.txt", "bert-base-multilingual-cased": "https://huggingface.co/bert-base-multilingual-cased/resolve/main/vocab.txt", "bert-base-chinese": "https://huggingface.co/bert-base-chinese/resolve/main/vocab.txt", "bert-base-german-cased": "https://huggingface.co/bert-base-german-cased/resolve/main/vocab.txt", "bert-large-uncased-whole-word-masking": "https://huggingface.co/bert-large-uncased-whole-word-masking/resolve/main/vocab.txt", "bert-large-cased-whole-word-masking": "https://huggingface.co/bert-large-cased-whole-word-masking/resolve/main/vocab.txt", "bert-large-uncased-whole-word-masking-finetuned-squad": "https://huggingface.co/bert-large-uncased-whole-word-masking-finetuned-squad/resolve/main/vocab.txt", "bert-large-cased-whole-word-masking-finetuned-squad": "https://huggingface.co/bert-large-cased-whole-word-masking-finetuned-squad/resolve/main/vocab.txt", "bert-base-cased-finetuned-mrpc": "https://huggingface.co/bert-base-cased-finetuned-mrpc/resolve/main/vocab.txt", "bert-base-german-dbmdz-cased": "https://huggingface.co/bert-base-german-dbmdz-cased/resolve/main/vocab.txt", "bert-base-german-dbmdz-uncased": "https://huggingface.co/bert-base-german-dbmdz-uncased/resolve/main/vocab.txt", "TurkuNLP/bert-base-finnish-cased-v1": "https://huggingface.co/TurkuNLP/bert-base-finnish-cased-v1/resolve/main/vocab.txt", "TurkuNLP/bert-base-finnish-uncased-v1": "https://huggingface.co/TurkuNLP/bert-base-finnish-uncased-v1/resolve/main/vocab.txt", "wietsedv/bert-base-dutch-cased": "https://huggingface.co/wietsedv/bert-base-dutch-cased/resolve/main/vocab.txt", } } PRETRAINED_POSITIONAL_EMBEDDINGS_SIZES = { "bert-base-uncased": 512, "bert-large-uncased": 512, "bert-base-cased": 512, "bert-large-cased": 512, "bert-base-multilingual-uncased": 512, "bert-base-multilingual-cased": 512, "bert-base-chinese": 512, "bert-base-german-cased": 512, "bert-large-uncased-whole-word-masking": 512, "bert-large-cased-whole-word-masking": 512, "bert-large-uncased-whole-word-masking-finetuned-squad": 512, "bert-large-cased-whole-word-masking-finetuned-squad": 512, "bert-base-cased-finetuned-mrpc": 512, "bert-base-german-dbmdz-cased": 512, "bert-base-german-dbmdz-uncased": 512, "TurkuNLP/bert-base-finnish-cased-v1": 512, "TurkuNLP/bert-base-finnish-uncased-v1": 512, "wietsedv/bert-base-dutch-cased": 512, } PRETRAINED_INIT_CONFIGURATION = { "bert-base-uncased": {"do_lower_case": True}, "bert-large-uncased": {"do_lower_case": True}, "bert-base-cased": {"do_lower_case": False}, "bert-large-cased": {"do_lower_case": False}, "bert-base-multilingual-uncased": {"do_lower_case": True}, "bert-base-multilingual-cased": {"do_lower_case": False}, "bert-base-chinese": {"do_lower_case": False}, "bert-base-german-cased": {"do_lower_case": False}, "bert-large-uncased-whole-word-masking": {"do_lower_case": True}, "bert-large-cased-whole-word-masking": {"do_lower_case": False}, "bert-large-uncased-whole-word-masking-finetuned-squad": {"do_lower_case": True}, "bert-large-cased-whole-word-masking-finetuned-squad": {"do_lower_case": False}, "bert-base-cased-finetuned-mrpc": {"do_lower_case": False}, "bert-base-german-dbmdz-cased": {"do_lower_case": False}, "bert-base-german-dbmdz-uncased": {"do_lower_case": True}, "TurkuNLP/bert-base-finnish-cased-v1": {"do_lower_case": False}, "TurkuNLP/bert-base-finnish-uncased-v1": {"do_lower_case": True}, "wietsedv/bert-base-dutch-cased": {"do_lower_case": False}, } def load_vocab(vocab_file): """Loads a vocabulary file into a dictionary.""" vocab = collections.OrderedDict() with open(vocab_file, "r", encoding="utf-8") as reader: tokens = reader.readlines() for index, token in enumerate(tokens): token = token.rstrip("\n") vocab[token] = index return vocab def whitespace_tokenize(text): """Runs basic whitespace cleaning and splitting on a piece of text.""" text = text.strip() if not text: return [] tokens = text.split() return tokens class BertTokenizer(PreTrainedTokenizer): r""" Construct a BERT tokenizer. Based on WordPiece. This tokenizer inherits from :class:`~transformers.PreTrainedTokenizer` which contains most of the main methods. Users should refer to this superclass for more information regarding those methods. Args: vocab_file (:obj:`str`): File containing the vocabulary. do_lower_case (:obj:`bool`, `optional`, defaults to :obj:`True`): Whether or not to lowercase the input when tokenizing. do_basic_tokenize (:obj:`bool`, `optional`, defaults to :obj:`True`): Whether or not to do basic tokenization before WordPiece. never_split (:obj:`Iterable`, `optional`): Collection of tokens which will never be split during tokenization. Only has an effect when :obj:`do_basic_tokenize=True` unk_token (:obj:`str`, `optional`, defaults to :obj:`"[UNK]"`): The unknown token. A token that is not in the vocabulary cannot be converted to an ID and is set to be this token instead. sep_token (:obj:`str`, `optional`, defaults to :obj:`"[SEP]"`): The separator token, which is used when building a sequence from multiple sequences, e.g. two sequences for sequence classification or for a text and a question for question answering. It is also used as the last token of a sequence built with special tokens. pad_token (:obj:`str`, `optional`, defaults to :obj:`"[PAD]"`): The token used for padding, for example when batching sequences of different lengths. cls_token (:obj:`str`, `optional`, defaults to :obj:`"[CLS]"`): The classifier token which is used when doing sequence classification (classification of the whole sequence instead of per-token classification). It is the first token of the sequence when built with special tokens. mask_token (:obj:`str`, `optional`, defaults to :obj:`"[MASK]"`): The token used for masking values. This is the token used when training this model with masked language modeling. This is the token which the model will try to predict. tokenize_chinese_chars (:obj:`bool`, `optional`, defaults to :obj:`True`): Whether or not to tokenize Chinese characters. This should likely be deactivated for Japanese (see this `issue <https://github.com/huggingface/transformers/issues/328>`__). strip_accents: (:obj:`bool`, `optional`): Whether or not to strip all accents. If this option is not specified, then it will be determined by the value for :obj:`lowercase` (as in the original BERT). """ vocab_files_names = VOCAB_FILES_NAMES pretrained_vocab_files_map = PRETRAINED_VOCAB_FILES_MAP pretrained_init_configuration = PRETRAINED_INIT_CONFIGURATION max_model_input_sizes = PRETRAINED_POSITIONAL_EMBEDDINGS_SIZES def __init__( self, vocab_file, do_lower_case=True, do_basic_tokenize=True, never_split=None, unk_token="[UNK]", sep_token="[SEP]", pad_token="[PAD]", cls_token="[CLS]", mask_token="[MASK]", tokenize_chinese_chars=True, strip_accents=None, **kwargs ): super().__init__( do_lower_case=do_lower_case, do_basic_tokenize=do_basic_tokenize, never_split=never_split, unk_token=unk_token, sep_token=sep_token, pad_token=pad_token, cls_token=cls_token, mask_token=mask_token, tokenize_chinese_chars=tokenize_chinese_chars, strip_accents=strip_accents, **kwargs, ) if not os.path.isfile(vocab_file): raise ValueError( "Can't find a vocabulary file at path '{}'. To load the vocabulary from a Google pretrained " "model use `tokenizer = BertTokenizer.from_pretrained(PRETRAINED_MODEL_NAME)`".format(vocab_file) ) self.vocab = load_vocab(vocab_file) self.ids_to_tokens = collections.OrderedDict([(ids, tok) for tok, ids in self.vocab.items()]) self.do_basic_tokenize = do_basic_tokenize if do_basic_tokenize: self.basic_tokenizer = BasicTokenizer( do_lower_case=do_lower_case, never_split=never_split, tokenize_chinese_chars=tokenize_chinese_chars, strip_accents=strip_accents, ) self.wordpiece_tokenizer = WordpieceTokenizer(vocab=self.vocab, unk_token=self.unk_token) @property def do_lower_case(self): return self.basic_tokenizer.do_lower_case @property def vocab_size(self): return len(self.vocab) def get_vocab(self): return dict(self.vocab, **self.added_tokens_encoder) def _tokenize(self, text): split_tokens = [] if self.do_basic_tokenize: for token in self.basic_tokenizer.tokenize(text, never_split=self.all_special_tokens): # If the token is part of the never_split set if token in self.basic_tokenizer.never_split: split_tokens.append(token) else: split_tokens += self.wordpiece_tokenizer.tokenize(token) else: split_tokens = self.wordpiece_tokenizer.tokenize(text) return split_tokens def _convert_token_to_id(self, token): """ Converts a token (str) in an id using the vocab. """ return self.vocab.get(token, self.vocab.get(self.unk_token)) def _convert_id_to_token(self, index): """Converts an index (integer) in a token (str) using the vocab.""" return self.ids_to_tokens.get(index, self.unk_token) def convert_tokens_to_string(self, tokens): """ Converts a sequence of tokens (string) in a single string. """ out_string = " ".join(tokens).replace(" ##", "").strip() return out_string def build_inputs_with_special_tokens( self, token_ids_0: List[int], token_ids_1: Optional[List[int]] = None ) -> List[int]: """ Build model inputs from a sequence or a pair of sequence for sequence classification tasks by concatenating and adding special tokens. A BERT sequence has the following format: - single sequence: ``[CLS] X [SEP]`` - pair of sequences: ``[CLS] A [SEP] B [SEP]`` Args: token_ids_0 (:obj:`List[int]`): List of IDs to which the special tokens will be added. token_ids_1 (:obj:`List[int]`, `optional`): Optional second list of IDs for sequence pairs. Returns: :obj:`List[int]`: List of `input IDs <../glossary.html#input-ids>`__ with the appropriate special tokens. """ if token_ids_1 is None: return [self.cls_token_id] + token_ids_0 + [self.sep_token_id] cls = [self.cls_token_id] sep = [self.sep_token_id] return cls + token_ids_0 + sep + token_ids_1 + sep def get_special_tokens_mask( self, token_ids_0: List[int], token_ids_1: Optional[List[int]] = None, already_has_special_tokens: bool = False ) -> List[int]: """ Retrieve sequence ids from a token list that has no special tokens added. This method is called when adding special tokens using the tokenizer ``prepare_for_model`` method. Args: token_ids_0 (:obj:`List[int]`): List of IDs. token_ids_1 (:obj:`List[int]`, `optional`): Optional second list of IDs for sequence pairs. already_has_special_tokens (:obj:`bool`, `optional`, defaults to :obj:`False`): Whether or not the token list is already formatted with special tokens for the model. Returns: :obj:`List[int]`: A list of integers in the range [0, 1]: 1 for a special token, 0 for a sequence token. """ if already_has_special_tokens: if token_ids_1 is not None: raise ValueError( "You should not supply a second sequence if the provided sequence of " "ids is already formatted with special tokens for the model." ) return list(map(lambda x: 1 if x in [self.sep_token_id, self.cls_token_id] else 0, token_ids_0)) if token_ids_1 is not None: return [1] + ([0] * len(token_ids_0)) + [1] + ([0] * len(token_ids_1)) + [1] return [1] + ([0] * len(token_ids_0)) + [1] def create_token_type_ids_from_sequences( self, token_ids_0: List[int], token_ids_1: Optional[List[int]] = None ) -> List[int]: """ Create a mask from the two sequences passed to be used in a sequence-pair classification task. A BERT sequence pair mask has the following format: :: 0 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 | first sequence | second sequence | If :obj:`token_ids_1` is :obj:`None`, this method only returns the first portion of the mask (0s). Args: token_ids_0 (:obj:`List[int]`): List of IDs. token_ids_1 (:obj:`List[int]`, `optional`): Optional second list of IDs for sequence pairs. Returns: :obj:`List[int]`: List of `token type IDs <../glossary.html#token-type-ids>`_ according to the given sequence(s). """ sep = [self.sep_token_id] cls = [self.cls_token_id] if token_ids_1 is None: return len(cls + token_ids_0 + sep) * [0] return len(cls + token_ids_0 + sep) * [0] + len(token_ids_1 + sep) * [1] def save_vocabulary(self, save_directory: str, filename_prefix: Optional[str] = None) -> Tuple[str]: index = 0 if os.path.isdir(save_directory): vocab_file = os.path.join( save_directory, (filename_prefix + "-" if filename_prefix else "") + VOCAB_FILES_NAMES["vocab_file"] ) else: vocab_file = (filename_prefix + "-" if filename_prefix else "") + save_directory with open(vocab_file, "w", encoding="utf-8") as writer: for token, token_index in sorted(self.vocab.items(), key=lambda kv: kv[1]): if index != token_index: logger.warning( "Saving vocabulary to {}: vocabulary indices are not consecutive." " Please check that the vocabulary is not corrupted!".format(vocab_file) ) index = token_index writer.write(token + "\n") index += 1 return (vocab_file,) class BasicTokenizer(object): """ Constructs a BasicTokenizer that will run basic tokenization (punctuation splitting, lower casing, etc.). Args: do_lower_case (:obj:`bool`, `optional`, defaults to :obj:`True`): Whether or not to lowercase the input when tokenizing. never_split (:obj:`Iterable`, `optional`): Collection of tokens which will never be split during tokenization. Only has an effect when :obj:`do_basic_tokenize=True` tokenize_chinese_chars (:obj:`bool`, `optional`, defaults to :obj:`True`): Whether or not to tokenize Chinese characters. This should likely be deactivated for Japanese (see this `issue <https://github.com/huggingface/transformers/issues/328>`__). strip_accents: (:obj:`bool`, `optional`): Whether or not to strip all accents. If this option is not specified, then it will be determined by the value for :obj:`lowercase` (as in the original BERT). """ def __init__(self, do_lower_case=True, never_split=None, tokenize_chinese_chars=True, strip_accents=None): if never_split is None: never_split = [] self.do_lower_case = do_lower_case self.never_split = set(never_split) self.tokenize_chinese_chars = tokenize_chinese_chars self.strip_accents = strip_accents def tokenize(self, text, never_split=None): """ Basic Tokenization of a piece of text. Split on "white spaces" only, for sub-word tokenization, see WordPieceTokenizer. Args: **never_split**: (`optional`) list of str Kept for backward compatibility purposes. Now implemented directly at the base class level (see :func:`PreTrainedTokenizer.tokenize`) List of token not to split. """ # union() returns a new set by concatenating the two sets. never_split = self.never_split.union(set(never_split)) if never_split else self.never_split text = self._clean_text(text) # This was added on November 1st, 2018 for the multilingual and Chinese # models. This is also applied to the English models now, but it doesn't # matter since the English models were not trained on any Chinese data # and generally don't have any Chinese data in them (there are Chinese # characters in the vocabulary because Wikipedia does have some Chinese # words in the English Wikipedia.). if self.tokenize_chinese_chars: text = self._tokenize_chinese_chars(text) orig_tokens = whitespace_tokenize(text) split_tokens = [] for token in orig_tokens: if token not in never_split: if self.do_lower_case: token = token.lower() if self.strip_accents is not False: token = self._run_strip_accents(token) elif self.strip_accents: token = self._run_strip_accents(token) split_tokens.extend(self._run_split_on_punc(token, never_split)) output_tokens = whitespace_tokenize(" ".join(split_tokens)) return output_tokens def _run_strip_accents(self, text): """Strips accents from a piece of text.""" text = unicodedata.normalize("NFD", text) output = [] for char in text: cat = unicodedata.category(char) if cat == "Mn": continue output.append(char) return "".join(output) def _run_split_on_punc(self, text, never_split=None): """Splits punctuation on a piece of text.""" if never_split is not None and text in never_split: return [text] chars = list(text) i = 0 start_new_word = True output = [] while i < len(chars): char = chars[i] if _is_punctuation(char): output.append([char]) start_new_word = True else: if start_new_word: output.append([]) start_new_word = False output[-1].append(char) i += 1 return ["".join(x) for x in output] def _tokenize_chinese_chars(self, text): """Adds whitespace around any CJK character.""" output = [] for char in text: cp = ord(char) if self._is_chinese_char(cp): output.append(" ") output.append(char) output.append(" ") else: output.append(char) return "".join(output) def _is_chinese_char(self, cp): """Checks whether CP is the codepoint of a CJK character.""" # This defines a "chinese character" as anything in the CJK Unicode block: # https://en.wikipedia.org/wiki/CJK_Unified_Ideographs_(Unicode_block) # # Note that the CJK Unicode block is NOT all Japanese and Korean characters, # despite its name. The modern Korean Hangul alphabet is a different block, # as is Japanese Hiragana and Katakana. Those alphabets are used to write # space-separated words, so they are not treated specially and handled # like the all of the other languages. if ( (cp >= 0x4E00 and cp <= 0x9FFF) or (cp >= 0x3400 and cp <= 0x4DBF) # or (cp >= 0x20000 and cp <= 0x2A6DF) # or (cp >= 0x2A700 and cp <= 0x2B73F) # or (cp >= 0x2B740 and cp <= 0x2B81F) # or (cp >= 0x2B820 and cp <= 0x2CEAF) # or (cp >= 0xF900 and cp <= 0xFAFF) or (cp >= 0x2F800 and cp <= 0x2FA1F) # ): # return True return False def _clean_text(self, text): """Performs invalid character removal and whitespace cleanup on text.""" output = [] for char in text: cp = ord(char) if cp == 0 or cp == 0xFFFD or _is_control(char): continue if _is_whitespace(char): output.append(" ") else: output.append(char) return "".join(output) class WordpieceTokenizer(object): """Runs WordPiece tokenization.""" def __init__(self, vocab, unk_token, max_input_chars_per_word=100): self.vocab = vocab self.unk_token = unk_token self.max_input_chars_per_word = max_input_chars_per_word def tokenize(self, text): """ Tokenizes a piece of text into its word pieces. This uses a greedy longest-match-first algorithm to perform tokenization using the given vocabulary. For example, :obj:`input = "unaffable"` wil return as output :obj:`["un", "##aff", "##able"]`. Args: text: A single token or whitespace separated tokens. This should have already been passed through `BasicTokenizer`. Returns: A list of wordpiece tokens. """ output_tokens = [] for token in whitespace_tokenize(text): chars = list(token) if len(chars) > self.max_input_chars_per_word: output_tokens.append(self.unk_token) continue is_bad = False start = 0 sub_tokens = [] while start < len(chars): end = len(chars) cur_substr = None while start < end: substr = "".join(chars[start:end]) if start > 0: substr = "##" + substr if substr in self.vocab: cur_substr = substr break end -= 1 if cur_substr is None: is_bad = True break sub_tokens.append(cur_substr) start = end if is_bad: output_tokens.append(self.unk_token) else: output_tokens.extend(sub_tokens) return output_tokens
AdaMix/src/transformers/models/bert/tokenization_bert.py/0
{ "file_path": "AdaMix/src/transformers/models/bert/tokenization_bert.py", "repo_id": "AdaMix", "token_count": 11112 }
57
# coding=utf-8 # Copyright 2019-present, the HuggingFace Inc. team, The Google AI Language Team and Facebook, Inc. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. # You may obtain a copy of the License at # # http://www.apache.org/licenses/LICENSE-2.0 # # Unless required by applicable law or agreed to in writing, software # distributed under the License is distributed on an "AS IS" BASIS, # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. # See the License for the specific language governing permissions and # limitations under the License. """ DistilBERT model configuration """ from ...configuration_utils import PretrainedConfig from ...utils import logging logger = logging.get_logger(__name__) DISTILBERT_PRETRAINED_CONFIG_ARCHIVE_MAP = { "distilbert-base-uncased": "https://huggingface.co/distilbert-base-uncased/resolve/main/config.json", "distilbert-base-uncased-distilled-squad": "https://huggingface.co/distilbert-base-uncased-distilled-squad/resolve/main/config.json", "distilbert-base-cased": "https://huggingface.co/distilbert-base-cased/resolve/main/config.json", "distilbert-base-cased-distilled-squad": "https://huggingface.co/distilbert-base-cased-distilled-squad/resolve/main/config.json", "distilbert-base-german-cased": "https://huggingface.co/distilbert-base-german-cased/resolve/main/config.json", "distilbert-base-multilingual-cased": "https://huggingface.co/distilbert-base-multilingual-cased/resolve/main/config.json", "distilbert-base-uncased-finetuned-sst-2-english": "https://huggingface.co/distilbert-base-uncased-finetuned-sst-2-english/resolve/main/config.json", } class DistilBertConfig(PretrainedConfig): r""" This is the configuration class to store the configuration of a :class:`~transformers.DistilBertModel` or a :class:`~transformers.TFDistilBertModel`. It is used to instantiate a DistilBERT model according to the specified arguments, defining the model architecture. Instantiating a configuration with the defaults will yield a similar configuration to that of the DistilBERT `distilbert-base-uncased <https://huggingface.co/distilbert-base-uncased>`__ architecture. Configuration objects inherit from :class:`~transformers.PretrainedConfig` and can be used to control the model outputs. Read the documentation from :class:`~transformers.PretrainedConfig` for more information. Args: vocab_size (:obj:`int`, `optional`, defaults to 30522): Vocabulary size of the DistilBERT model. Defines the number of different tokens that can be represented by the :obj:`inputs_ids` passed when calling :class:`~transformers.DistilBertModel` or :class:`~transformers.TFDistilBertModel`. max_position_embeddings (:obj:`int`, `optional`, defaults to 512): The maximum sequence length that this model might ever be used with. Typically set this to something large just in case (e.g., 512 or 1024 or 2048). sinusoidal_pos_embds (:obj:`boolean`, `optional`, defaults to :obj:`False`): Whether to use sinusoidal positional embeddings. n_layers (:obj:`int`, `optional`, defaults to 6): Number of hidden layers in the Transformer encoder. n_heads (:obj:`int`, `optional`, defaults to 12): Number of attention heads for each attention layer in the Transformer encoder. dim (:obj:`int`, `optional`, defaults to 768): Dimensionality of the encoder layers and the pooler layer. hidden_dim (:obj:`int`, `optional`, defaults to 3072): The size of the "intermediate" (often named feed-forward) layer in the Transformer encoder. dropout (:obj:`float`, `optional`, defaults to 0.1): The dropout probability for all fully connected layers in the embeddings, encoder, and pooler. attention_dropout (:obj:`float`, `optional`, defaults to 0.1): The dropout ratio for the attention probabilities. activation (:obj:`str` or :obj:`Callable`, `optional`, defaults to :obj:`"gelu"`): The non-linear activation function (function or string) in the encoder and pooler. If string, :obj:`"gelu"`, :obj:`"relu"`, :obj:`"silu"` and :obj:`"gelu_new"` are supported. initializer_range (:obj:`float`, `optional`, defaults to 0.02): The standard deviation of the truncated_normal_initializer for initializing all weight matrices. qa_dropout (:obj:`float`, `optional`, defaults to 0.1): The dropout probabilities used in the question answering model :class:`~transformers.DistilBertForQuestionAnswering`. seq_classif_dropout (:obj:`float`, `optional`, defaults to 0.2): The dropout probabilities used in the sequence classification and the multiple choice model :class:`~transformers.DistilBertForSequenceClassification`. Examples:: >>> from transformers import DistilBertModel, DistilBertConfig >>> # Initializing a DistilBERT configuration >>> configuration = DistilBertConfig() >>> # Initializing a model from the configuration >>> model = DistilBertModel(configuration) >>> # Accessing the model configuration >>> configuration = model.config """ model_type = "distilbert" def __init__( self, vocab_size=30522, max_position_embeddings=512, sinusoidal_pos_embds=False, n_layers=6, n_heads=12, dim=768, hidden_dim=4 * 768, dropout=0.1, attention_dropout=0.1, activation="gelu", initializer_range=0.02, qa_dropout=0.1, seq_classif_dropout=0.2, pad_token_id=0, **kwargs ): super().__init__(**kwargs, pad_token_id=pad_token_id) self.vocab_size = vocab_size self.max_position_embeddings = max_position_embeddings self.sinusoidal_pos_embds = sinusoidal_pos_embds self.n_layers = n_layers self.n_heads = n_heads self.dim = dim self.hidden_dim = hidden_dim self.dropout = dropout self.attention_dropout = attention_dropout self.activation = activation self.initializer_range = initializer_range self.qa_dropout = qa_dropout self.seq_classif_dropout = seq_classif_dropout @property def hidden_size(self): return self.dim @property def num_attention_heads(self): return self.n_heads @property def num_hidden_layers(self): return self.n_layers
AdaMix/src/transformers/models/distilbert/configuration_distilbert.py/0
{ "file_path": "AdaMix/src/transformers/models/distilbert/configuration_distilbert.py", "repo_id": "AdaMix", "token_count": 2550 }
58
# coding=utf-8 # Copyright 2020 The HuggingFace Inc. team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. # You may obtain a copy of the License at # # http://www.apache.org/licenses/LICENSE-2.0 # # Unless required by applicable law or agreed to in writing, software # distributed under the License is distributed on an "AS IS" BASIS, # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. # See the License for the specific language governing permissions and # limitations under the License. """ Tokenization class for Funnel Transformer.""" from typing import List, Optional from ...utils import logging from ..bert.tokenization_bert import BertTokenizer logger = logging.get_logger(__name__) VOCAB_FILES_NAMES = {"vocab_file": "vocab.txt"} _model_names = [ "small", "small-base", "medium", "medium-base", "intermediate", "intermediate-base", "large", "large-base", "xlarge", "xlarge-base", ] PRETRAINED_VOCAB_FILES_MAP = { "vocab_file": { "funnel-transformer/small": "https://huggingface.co/funnel-transformer/small/resolve/main/vocab.txt", "funnel-transformer/small-base": "https://huggingface.co/funnel-transformer/small-base/resolve/main/vocab.txt", "funnel-transformer/medium": "https://huggingface.co/funnel-transformer/medium/resolve/main/vocab.txt", "funnel-transformer/medium-base": "https://huggingface.co/funnel-transformer/medium-base/resolve/main/vocab.txt", "funnel-transformer/intermediate": "https://huggingface.co/funnel-transformer/intermediate/resolve/main/vocab.txt", "funnel-transformer/intermediate-base": "https://huggingface.co/funnel-transformer/intermediate-base/resolve/main/vocab.txt", "funnel-transformer/large": "https://huggingface.co/funnel-transformer/large/resolve/main/vocab.txt", "funnel-transformer/large-base": "https://huggingface.co/funnel-transformer/large-base/resolve/main/vocab.txt", "funnel-transformer/xlarge": "https://huggingface.co/funnel-transformer/xlarge/resolve/main/vocab.txt", "funnel-transformer/xlarge-base": "https://huggingface.co/funnel-transformer/xlarge-base/resolve/main/vocab.txt", } } PRETRAINED_POSITIONAL_EMBEDDINGS_SIZES = {f"funnel-transformer/{name}": 512 for name in _model_names} PRETRAINED_INIT_CONFIGURATION = {f"funnel-transformer/{name}": {"do_lower_case": True} for name in _model_names} class FunnelTokenizer(BertTokenizer): r""" Construct a Funnel Transformer tokenizer. :class:`~transformers.FunnelTokenizer` is identical to :class:`~transformers.BertTokenizer` and runs end-to-end tokenization: punctuation splitting and wordpiece. Refer to superclass :class:`~transformers.BertTokenizer` for usage examples and documentation concerning parameters. """ vocab_files_names = VOCAB_FILES_NAMES pretrained_vocab_files_map = PRETRAINED_VOCAB_FILES_MAP max_model_input_sizes = PRETRAINED_POSITIONAL_EMBEDDINGS_SIZES pretrained_init_configuration = PRETRAINED_INIT_CONFIGURATION cls_token_type_id: int = 2 def __init__( self, vocab_file, do_lower_case=True, do_basic_tokenize=True, never_split=None, unk_token="<unk>", sep_token="<sep>", pad_token="<pad>", cls_token="<cls>", mask_token="<mask>", bos_token="<s>", eos_token="</s>", tokenize_chinese_chars=True, strip_accents=None, **kwargs ): super().__init__( vocab_file, do_lower_case=do_lower_case, do_basic_tokenize=do_basic_tokenize, never_split=never_split, unk_token=unk_token, sep_token=sep_token, pad_token=pad_token, cls_token=cls_token, mask_token=mask_token, bos_token=bos_token, eos_token=eos_token, tokenize_chinese_chars=tokenize_chinese_chars, strip_accents=strip_accents, **kwargs, ) def create_token_type_ids_from_sequences( self, token_ids_0: List[int], token_ids_1: Optional[List[int]] = None ) -> List[int]: """ Create a mask from the two sequences passed to be used in a sequence-pair classification task. A Funnel Transformer sequence pair mask has the following format: :: 2 0 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1 | first sequence | second sequence | If :obj:`token_ids_1` is :obj:`None`, this method only returns the first portion of the mask (0s). Args: token_ids_0 (:obj:`List[int]`): List of IDs. token_ids_1 (:obj:`List[int]`, `optional`): Optional second list of IDs for sequence pairs. Returns: :obj:`List[int]`: List of `token type IDs <../glossary.html#token-type-ids>`_ according to the given sequence(s). """ sep = [self.sep_token_id] cls = [self.cls_token_id] if token_ids_1 is None: return len(cls) * [self.cls_token_type_id] + len(token_ids_0 + sep) * [0] return len(cls) * [self.cls_token_type_id] + len(token_ids_0 + sep) * [0] + len(token_ids_1 + sep) * [1]
AdaMix/src/transformers/models/funnel/tokenization_funnel.py/0
{ "file_path": "AdaMix/src/transformers/models/funnel/tokenization_funnel.py", "repo_id": "AdaMix", "token_count": 2333 }
59
# coding=utf-8 # Copyright 2021 Iz Beltagy, Matthew E. Peters, Arman Cohan and The HuggingFace Inc. team. All rights reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. # You may obtain a copy of the License at # # http://www.apache.org/licenses/LICENSE-2.0 # # Unless required by applicable law or agreed to in writing, software # distributed under the License is distributed on an "AS IS" BASIS, # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. # See the License for the specific language governing permissions and # limitations under the License. """Tokenization classes for LED.""" from ...utils import logging from ..bart.tokenization_bart_fast import BartTokenizerFast from .tokenization_led import LEDTokenizer logger = logging.get_logger(__name__) PRETRAINED_VOCAB_FILES_MAP = { "vocab_file": { "allenai/led-base-16384": "https://huggingface.co/allenai/led-base-16384/resolve/main/vocab.json", }, "merges_file": { "allenai/led-base-16384": "https://huggingface.co/allenai/led-base-16384/resolve/main/merges.txt", }, "tokenizer_file": { "allenai/led-base-16384": "https://huggingface.co/allenai/led-base-16384/resolve/main/tokenizer.json", }, } PRETRAINED_POSITIONAL_EMBEDDINGS_SIZES = { "allenai/led-base-16384": 16384, } class LEDTokenizerFast(BartTokenizerFast): r""" Construct a "fast" LED tokenizer (backed by HuggingFace's `tokenizers` library). :class:`~transformers.LEDTokenizerFast` is identical to :class:`~transformers.BartTokenizerFast` and runs end-to-end tokenization: punctuation splitting and wordpiece. Refer to superclass :class:`~transformers.BartTokenizerFast` for usage examples and documentation concerning parameters. """ pretrained_vocab_files_map = PRETRAINED_VOCAB_FILES_MAP max_model_input_sizes = PRETRAINED_POSITIONAL_EMBEDDINGS_SIZES slow_tokenizer_class = LEDTokenizer
AdaMix/src/transformers/models/led/tokenization_led_fast.py/0
{ "file_path": "AdaMix/src/transformers/models/led/tokenization_led_fast.py", "repo_id": "AdaMix", "token_count": 715 }
60
# coding=utf-8 # Copyright 2021 The Fairseq Authors and The HuggingFace Inc. team. All rights reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. # You may obtain a copy of the License at # # http://www.apache.org/licenses/LICENSE-2.0 # # Unless required by applicable law or agreed to in writing, software # distributed under the License is distributed on an "AS IS" BASIS, # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. # See the License for the specific language governing permissions and # limitations under the License. """ PyTorch M2M100 model. """ import math import random from typing import Optional, Tuple import torch import torch.nn.functional as F from torch import nn from torch.nn import CrossEntropyLoss from ...activations import ACT2FN from ...file_utils import ( add_code_sample_docstrings, add_end_docstrings, add_start_docstrings, add_start_docstrings_to_model_forward, replace_return_docstrings, ) from ...modeling_outputs import ( BaseModelOutput, BaseModelOutputWithPastAndCrossAttentions, Seq2SeqLMOutput, Seq2SeqModelOutput, ) from ...modeling_utils import PreTrainedModel from ...utils import logging from .configuration_m2m_100 import M2M100Config logger = logging.get_logger(__name__) _CONFIG_FOR_DOC = "M2M100Config" _TOKENIZER_FOR_DOC = "M2M100Tokenizer" M2M_100_PRETRAINED_MODEL_ARCHIVE_LIST = [ "facebook/m2m100_418M", # See all M2M100 models at https://huggingface.co/models?filter=m2m_100 ] # Copied from transformers.models.bart.modeling_bart.shift_tokens_right def shift_tokens_right(input_ids: torch.Tensor, pad_token_id: int, decoder_start_token_id: int): """ Shift input ids one token to the right. """ shifted_input_ids = input_ids.new_zeros(input_ids.shape) shifted_input_ids[:, 1:] = input_ids[:, :-1].clone() shifted_input_ids[:, 0] = decoder_start_token_id assert pad_token_id is not None, "self.model.config.pad_token_id has to be defined." # replace possible -100 values in labels by `pad_token_id` shifted_input_ids.masked_fill_(shifted_input_ids == -100, pad_token_id) return shifted_input_ids # Copied from transformers.models.bart.modeling_bart._make_causal_mask def _make_causal_mask(input_ids_shape: torch.Size, dtype: torch.dtype, past_key_values_length: int = 0): """ Make causal mask used for bi-directional self-attention. """ bsz, tgt_len = input_ids_shape mask = torch.full((tgt_len, tgt_len), float("-inf")) mask_cond = torch.arange(mask.size(-1)) mask.masked_fill_(mask_cond < (mask_cond + 1).view(mask.size(-1), 1), 0) mask = mask.to(dtype) if past_key_values_length > 0: mask = torch.cat([torch.zeros(tgt_len, past_key_values_length, dtype=dtype), mask], dim=-1) return mask[None, None, :, :].expand(bsz, 1, tgt_len, tgt_len + past_key_values_length) # Copied from transformers.models.bart.modeling_bart._expand_mask def _expand_mask(mask: torch.Tensor, dtype: torch.dtype, tgt_len: Optional[int] = None): """ Expands attention_mask from `[bsz, seq_len]` to `[bsz, 1, tgt_seq_len, src_seq_len]`. """ bsz, src_len = mask.size() tgt_len = tgt_len if tgt_len is not None else src_len expanded_mask = mask[:, None, None, :].expand(bsz, 1, tgt_len, src_len).to(dtype) inverted_mask = 1.0 - expanded_mask return inverted_mask.masked_fill(inverted_mask.bool(), torch.finfo(dtype).min) def create_position_ids_from_input_ids(input_ids, padding_idx, past_key_values_length=0): """ Replace non-padding symbols with their position numbers. Position numbers begin at padding_idx+1. Padding symbols are ignored. This is modified from fairseq's `utils.make_positions`. """ # The series of casts and type-conversions here are carefully balanced to both work with ONNX export and XLA. mask = input_ids.ne(padding_idx).int() incremental_indices = (torch.cumsum(mask, dim=1).type_as(mask) + past_key_values_length) * mask return incremental_indices.long() + padding_idx class M2M100SinusoidalPositionalEmbedding(nn.Module): """This module produces sinusoidal positional embeddings of any length.""" def __init__(self, num_positions: int, embedding_dim: int, padding_idx: Optional[int] = None): super().__init__() self.offset = 2 self.embedding_dim = embedding_dim self.padding_idx = padding_idx self.make_weights(num_positions + self.offset, embedding_dim, padding_idx) def make_weights(self, num_embeddings: int, embedding_dim: int, padding_idx: Optional[int] = None): emb_weights = self.get_embedding(num_embeddings, embedding_dim, padding_idx) if hasattr(self, "weights"): # in forward, put the weights on correct device emb_weights = emb_weights.to(self.weights.device) self.weights = nn.Parameter(emb_weights) self.weights.requires_grad = False self.weights.detach_() @staticmethod def get_embedding(num_embeddings: int, embedding_dim: int, padding_idx: Optional[int] = None): """ Build sinusoidal embeddings. This matches the implementation in tensor2tensor, but differs slightly from the description in Section 3.5 of "Attention Is All You Need". """ half_dim = embedding_dim // 2 emb = math.log(10000) / (half_dim - 1) emb = torch.exp(torch.arange(half_dim, dtype=torch.float) * -emb) emb = torch.arange(num_embeddings, dtype=torch.float).unsqueeze(1) * emb.unsqueeze(0) emb = torch.cat([torch.sin(emb), torch.cos(emb)], dim=1).view(num_embeddings, -1) if embedding_dim % 2 == 1: # zero pad emb = torch.cat([emb, torch.zeros(num_embeddings, 1)], dim=1) if padding_idx is not None: emb[padding_idx, :] = 0 return emb @torch.no_grad() def forward( self, input_ids: torch.Tensor = None, inputs_embeds: torch.Tensor = None, past_key_values_length: int = 0 ): if input_ids is not None: bsz, seq_len = input_ids.size() # Create the position ids from the input token ids. Any padded tokens remain padded. position_ids = create_position_ids_from_input_ids(input_ids, self.padding_idx, past_key_values_length).to( input_ids.device ) else: bsz, seq_len = inputs_embeds.size()[:-1] position_ids = self.create_position_ids_from_inputs_embeds(inputs_embeds) # expand embeddings if needed max_pos = self.padding_idx + 1 + seq_len if max_pos > self.weights.size(0): self.make_weights(max_pos + self.offset, self.embedding_dim, self.padding_idx) return self.weights.index_select(0, position_ids.view(-1)).view(bsz, seq_len, -1).detach() def create_position_ids_from_inputs_embeds(self, inputs_embeds): """ We are provided embeddings directly. We cannot infer which are padded so just generate sequential position ids. Args: inputs_embeds: torch.Tensor Returns: torch.Tensor """ input_shape = inputs_embeds.size()[:-1] sequence_length = input_shape[1] position_ids = torch.arange( self.padding_idx + 1, sequence_length + self.padding_idx + 1, dtype=torch.long, device=inputs_embeds.device ) return position_ids.unsqueeze(0).expand(input_shape).contiguous() # Copied from transformers.models.bart.modeling_bart.BartAttention with Bart->M2M100 class M2M100Attention(nn.Module): """Multi-headed attention from 'Attention Is All You Need' paper""" def __init__( self, embed_dim: int, num_heads: int, dropout: float = 0.0, is_decoder: bool = False, bias: bool = True, ): super().__init__() self.embed_dim = embed_dim self.num_heads = num_heads self.dropout = dropout self.head_dim = embed_dim // num_heads assert ( self.head_dim * num_heads == self.embed_dim ), f"embed_dim must be divisible by num_heads (got `embed_dim`: {self.embed_dim} and `num_heads`: {num_heads})." self.scaling = self.head_dim ** -0.5 self.is_decoder = is_decoder self.k_proj = nn.Linear(embed_dim, embed_dim, bias=bias) self.v_proj = nn.Linear(embed_dim, embed_dim, bias=bias) self.q_proj = nn.Linear(embed_dim, embed_dim, bias=bias) self.out_proj = nn.Linear(embed_dim, embed_dim, bias=bias) def _shape(self, tensor: torch.Tensor, seq_len: int, bsz: int): return tensor.view(bsz, seq_len, self.num_heads, self.head_dim).transpose(1, 2).contiguous() def forward( self, hidden_states: torch.Tensor, key_value_states: Optional[torch.Tensor] = None, past_key_value: Optional[Tuple[torch.Tensor]] = None, attention_mask: Optional[torch.Tensor] = None, layer_head_mask: Optional[torch.Tensor] = None, output_attentions: bool = False, ) -> Tuple[torch.Tensor, Optional[torch.Tensor], Optional[Tuple[torch.Tensor]]]: """Input shape: Batch x Time x Channel""" # if key_value_states are provided this layer is used as a cross-attention layer # for the decoder is_cross_attention = key_value_states is not None bsz, tgt_len, embed_dim = hidden_states.size() # get query proj query_states = self.q_proj(hidden_states) * self.scaling # get key, value proj if is_cross_attention and past_key_value is not None: # reuse k,v, cross_attentions key_states = past_key_value[0] value_states = past_key_value[1] elif is_cross_attention: # cross_attentions key_states = self._shape(self.k_proj(key_value_states), -1, bsz) value_states = self._shape(self.v_proj(key_value_states), -1, bsz) elif past_key_value is not None: # reuse k, v, self_attention key_states = self._shape(self.k_proj(hidden_states), -1, bsz) value_states = self._shape(self.v_proj(hidden_states), -1, bsz) key_states = torch.cat([past_key_value[0], key_states], dim=2) value_states = torch.cat([past_key_value[1], value_states], dim=2) else: # self_attention key_states = self._shape(self.k_proj(hidden_states), -1, bsz) value_states = self._shape(self.v_proj(hidden_states), -1, bsz) if self.is_decoder: # if cross_attention save Tuple(torch.Tensor, torch.Tensor) of all cross attention key/value_states. # Further calls to cross_attention layer can then reuse all cross-attention # key/value_states (first "if" case) # if uni-directional self-attention (decoder) save Tuple(torch.Tensor, torch.Tensor) of # all previous decoder key/value_states. Further calls to uni-directional self-attention # can concat previous decoder key/value_states to current projected key/value_states (third "elif" case) # if encoder bi-directional self-attention `past_key_value` is always `None` past_key_value = (key_states, value_states) proj_shape = (bsz * self.num_heads, -1, self.head_dim) query_states = self._shape(query_states, tgt_len, bsz).view(*proj_shape) key_states = key_states.view(*proj_shape) value_states = value_states.view(*proj_shape) src_len = key_states.size(1) attn_weights = torch.bmm(query_states, key_states.transpose(1, 2)) assert attn_weights.size() == ( bsz * self.num_heads, tgt_len, src_len, ), f"Attention weights should be of size {(bsz * self.num_heads, tgt_len, src_len)}, but is {attn_weights.size()}" if attention_mask is not None: assert attention_mask.size() == ( bsz, 1, tgt_len, src_len, ), f"Attention mask should be of size {(bsz, 1, tgt_len, src_len)}, but is {attention_mask.size()}" attn_weights = attn_weights.view(bsz, self.num_heads, tgt_len, src_len) + attention_mask attn_weights = attn_weights.view(bsz * self.num_heads, tgt_len, src_len) attn_weights = F.softmax(attn_weights, dim=-1) if layer_head_mask is not None: assert layer_head_mask.size() == ( self.num_heads, ), f"Head mask for a single layer should be of size {(self.num_heads,)}, but is {layer_head_mask.size()}" attn_weights = layer_head_mask.view(1, -1, 1, 1) * attn_weights.view(bsz, self.num_heads, tgt_len, src_len) attn_weights = attn_weights.view(bsz * self.num_heads, tgt_len, src_len) if output_attentions: # this operation is a bit akward, but it's required to # make sure that attn_weights keeps its gradient. # In order to do so, attn_weights have to reshaped # twice and have to be reused in the following attn_weights_reshaped = attn_weights.view(bsz, self.num_heads, tgt_len, src_len) attn_weights = attn_weights_reshaped.view(bsz * self.num_heads, tgt_len, src_len) else: attn_weights_reshaped = None attn_probs = F.dropout(attn_weights, p=self.dropout, training=self.training) attn_output = torch.bmm(attn_probs, value_states) assert attn_output.size() == ( bsz * self.num_heads, tgt_len, self.head_dim, ), f"`attn_output` should be of size {(bsz, self.num_heads, tgt_len, self.head_dim)}, but is {attn_output.size()}" attn_output = ( attn_output.view(bsz, self.num_heads, tgt_len, self.head_dim) .transpose(1, 2) .reshape(bsz, tgt_len, embed_dim) ) attn_output = self.out_proj(attn_output) return attn_output, attn_weights_reshaped, past_key_value # Copied from transformers.models.mbart.modeling_mbart.MBartEncoderLayer with MBart->M2M100 class M2M100EncoderLayer(nn.Module): def __init__(self, config: M2M100Config): super().__init__() self.embed_dim = config.d_model self.self_attn = M2M100Attention( embed_dim=self.embed_dim, num_heads=config.encoder_attention_heads, dropout=config.attention_dropout, ) self.self_attn_layer_norm = nn.LayerNorm(self.embed_dim) self.dropout = config.dropout self.activation_fn = ACT2FN[config.activation_function] self.activation_dropout = config.activation_dropout self.fc1 = nn.Linear(self.embed_dim, config.encoder_ffn_dim) self.fc2 = nn.Linear(config.encoder_ffn_dim, self.embed_dim) self.final_layer_norm = nn.LayerNorm(self.embed_dim) def forward( self, hidden_states: torch.Tensor, attention_mask: torch.Tensor, layer_head_mask: torch.Tensor, output_attentions: bool = False, ): """ Args: hidden_states (:obj:`torch.FloatTensor`): input to the layer of shape `(seq_len, batch, embed_dim)` attention_mask (:obj:`torch.FloatTensor`): attention mask of size `(batch, 1, tgt_len, src_len)` where padding elements are indicated by very large negative values. layer_head_mask (:obj:`torch.FloatTensor`): mask for attention heads in a given layer of size `(config.encoder_attention_heads,)`. output_attentions (:obj:`bool`, `optional`): Whether or not to return the attentions tensors of all attention layers. See ``attentions`` under returned tensors for more detail. """ residual = hidden_states hidden_states = self.self_attn_layer_norm(hidden_states) hidden_states, attn_weights, _ = self.self_attn( hidden_states=hidden_states, attention_mask=attention_mask, layer_head_mask=layer_head_mask, output_attentions=output_attentions, ) hidden_states = F.dropout(hidden_states, p=self.dropout, training=self.training) hidden_states = residual + hidden_states residual = hidden_states hidden_states = self.final_layer_norm(hidden_states) hidden_states = self.activation_fn(self.fc1(hidden_states)) hidden_states = F.dropout(hidden_states, p=self.activation_dropout, training=self.training) hidden_states = self.fc2(hidden_states) hidden_states = F.dropout(hidden_states, p=self.dropout, training=self.training) hidden_states = residual + hidden_states if hidden_states.dtype == torch.float16 and ( torch.isinf(hidden_states).any() or torch.isnan(hidden_states).any() ): clamp_value = torch.finfo(hidden_states.dtype).max - 1000 hidden_states = torch.clamp(hidden_states, min=-clamp_value, max=clamp_value) outputs = (hidden_states,) if output_attentions: outputs += (attn_weights,) return outputs # Copied from transformers.models.mbart.modeling_mbart.MBartDecoderLayer with MBart->M2M100 class M2M100DecoderLayer(nn.Module): def __init__(self, config: M2M100Config): super().__init__() self.embed_dim = config.d_model self.self_attn = M2M100Attention( embed_dim=self.embed_dim, num_heads=config.decoder_attention_heads, dropout=config.attention_dropout, is_decoder=True, ) self.dropout = config.dropout self.activation_fn = ACT2FN[config.activation_function] self.activation_dropout = config.activation_dropout self.self_attn_layer_norm = nn.LayerNorm(self.embed_dim) self.encoder_attn = M2M100Attention( self.embed_dim, config.decoder_attention_heads, dropout=config.attention_dropout, is_decoder=True, ) self.encoder_attn_layer_norm = nn.LayerNorm(self.embed_dim) self.fc1 = nn.Linear(self.embed_dim, config.decoder_ffn_dim) self.fc2 = nn.Linear(config.decoder_ffn_dim, self.embed_dim) self.final_layer_norm = nn.LayerNorm(self.embed_dim) def forward( self, hidden_states: torch.Tensor, attention_mask: Optional[torch.Tensor] = None, encoder_hidden_states: Optional[torch.Tensor] = None, encoder_attention_mask: Optional[torch.Tensor] = None, layer_head_mask: Optional[torch.Tensor] = None, encoder_layer_head_mask: Optional[torch.Tensor] = None, past_key_value: Optional[Tuple[torch.Tensor]] = None, output_attentions: Optional[bool] = False, use_cache: Optional[bool] = True, ): """ Args: hidden_states (:obj:`torch.FloatTensor`): input to the layer of shape `(seq_len, batch, embed_dim)` attention_mask (:obj:`torch.FloatTensor`): attention mask of size `(batch, 1, tgt_len, src_len)` where padding elements are indicated by very large negative values. encoder_hidden_states (:obj:`torch.FloatTensor`): cross attention input to the layer of shape `(seq_len, batch, embed_dim)` encoder_attention_mask (:obj:`torch.FloatTensor`): encoder attention mask of size `(batch, 1, tgt_len, src_len)` where padding elements are indicated by very large negative values. layer_head_mask (:obj:`torch.FloatTensor`): mask for attention heads in a given layer of size `(config.encoder_attention_heads,)`. encoder_layer_head_mask (:obj:`torch.FloatTensor`): mask for encoder attention heads in a given layer of size `(config.encoder_attention_heads,)`. past_key_value (:obj:`Tuple(torch.FloatTensor)`): cached past key and value projection states output_attentions (:obj:`bool`, `optional`): Whether or not to return the attentions tensors of all attention layers. See ``attentions`` under returned tensors for more detail. """ residual = hidden_states hidden_states = self.self_attn_layer_norm(hidden_states) # Self Attention # decoder uni-directional self-attention cached key/values tuple is at positions 1,2 self_attn_past_key_value = past_key_value[:2] if past_key_value is not None else None # add present self-attn cache to positions 1,2 of present_key_value tuple hidden_states, self_attn_weights, present_key_value = self.self_attn( hidden_states=hidden_states, past_key_value=self_attn_past_key_value, attention_mask=attention_mask, layer_head_mask=layer_head_mask, output_attentions=output_attentions, ) hidden_states = F.dropout(hidden_states, p=self.dropout, training=self.training) hidden_states = residual + hidden_states # Cross-Attention Block cross_attn_present_key_value = None cross_attn_weights = None if encoder_hidden_states is not None: residual = hidden_states hidden_states = self.encoder_attn_layer_norm(hidden_states) # cross_attn cached key/values tuple is at positions 3,4 of present_key_value tuple cross_attn_past_key_value = past_key_value[-2:] if past_key_value is not None else None hidden_states, cross_attn_weights, cross_attn_present_key_value = self.encoder_attn( hidden_states=hidden_states, key_value_states=encoder_hidden_states, attention_mask=encoder_attention_mask, layer_head_mask=layer_head_mask, past_key_value=cross_attn_past_key_value, output_attentions=output_attentions, ) hidden_states = F.dropout(hidden_states, p=self.dropout, training=self.training) hidden_states = residual + hidden_states # add cross-attn to positions 3,4 of present_key_value tuple present_key_value = present_key_value + cross_attn_present_key_value # Fully Connected residual = hidden_states hidden_states = self.final_layer_norm(hidden_states) hidden_states = self.activation_fn(self.fc1(hidden_states)) hidden_states = F.dropout(hidden_states, p=self.activation_dropout, training=self.training) hidden_states = self.fc2(hidden_states) hidden_states = F.dropout(hidden_states, p=self.dropout, training=self.training) hidden_states = residual + hidden_states outputs = (hidden_states,) if output_attentions: outputs += (self_attn_weights, cross_attn_weights) if use_cache: outputs += (present_key_value,) return outputs class M2M100PreTrainedModel(PreTrainedModel): config_class = M2M100Config base_model_prefix = "model" def _init_weights(self, module): std = self.config.init_std if isinstance(module, nn.Linear): module.weight.data.normal_(mean=0.0, std=std) if module.bias is not None: module.bias.data.zero_() elif isinstance(module, nn.Embedding): module.weight.data.normal_(mean=0.0, std=std) if module.padding_idx is not None: module.weight.data[module.padding_idx].zero_() M2M_100_START_DOCSTRING = r""" This model inherits from :class:`~transformers.PreTrainedModel`. Check the superclass documentation for the generic methods the library implements for all its model (such as downloading or saving, resizing the input embeddings, pruning heads etc.) This model is also a PyTorch `torch.nn.Module <https://pytorch.org/docs/stable/nn.html#torch.nn.Module>`__ subclass. Use it as a regular PyTorch Module and refer to the PyTorch documentation for all matter related to general usage and behavior. Parameters: config (:class:`~transformers.M2M100Config`): Model configuration class with all the parameters of the model. Initializing with a config file does not load the weights associated with the model, only the configuration. Check out the :meth:`~transformers.PreTrainedModel.from_pretrained` method to load the model weights. """ M2M_100_GENERATION_EXAMPLE = r""" Translation example:: >>> from transformers import M2M100Tokenizer, M2M100ForConditionalGeneration >>> model = M2M100ForConditionalGeneration.from_pretrained('facebook/m2m100_418M') >>> tokenizer = M2M100Tokenizer.from_pretrained('facebook/m2m100_418M') >>> text_to_translate = "Life is like a box of chocolates" >>> model_inputs = tokenizer(text_to_translate, return_tensors='pt') >>> # translate to French >>> gen_tokens = model.generate( **model_inputs, forced_bos_token_id=tok.get_lang_id("fr")) >>> print(tokenizer.batch_decode(gen_tokens, skip_special_tokens=True)) """ M2M_100_INPUTS_DOCSTRING = r""" Args: input_ids (:obj:`torch.LongTensor` of shape :obj:`(batch_size, sequence_length)`): Indices of input sequence tokens in the vocabulary. Padding will be ignored by default should you provide it. Indices can be obtained using :class:`~transformers.M2M100Tokenizer`. See :meth:`transformers.PreTrainedTokenizer.encode` and :meth:`transformers.PreTrainedTokenizer.__call__` for details. `What are input IDs? <../glossary.html#input-ids>`__ attention_mask (:obj:`torch.Tensor` of shape :obj:`(batch_size, sequence_length)`, `optional`): Mask to avoid performing attention on padding token indices. Mask values selected in ``[0, 1]``: - 1 for tokens that are **not masked**, - 0 for tokens that are **masked**. `What are attention masks? <../glossary.html#attention-mask>`__ decoder_input_ids (:obj:`torch.LongTensor` of shape :obj:`(batch_size, target_sequence_length)`, `optional`): Provide for translation and summarization training. By default, the model will create this tensor by shifting the :obj:`input_ids` to the right, following the paper. decoder_attention_mask (:obj:`torch.LongTensor` of shape :obj:`(batch_size, target_sequence_length)`, `optional`): Default behavior: generate a tensor that ignores pad tokens in :obj:`decoder_input_ids`. Causal mask will also be used by default. If you want to change padding behavior, you should read :func:`modeling_m2m_100._prepare_decoder_inputs` and modify to your needs. See diagram 1 in `the paper <https://arxiv.org/abs/1910.13461>`__ for more information on the default strategy. encoder_outputs (:obj:`tuple(tuple(torch.FloatTensor)`, `optional`): Tuple consists of (:obj:`last_hidden_state`, `optional`: :obj:`hidden_states`, `optional`: :obj:`attentions`) :obj:`last_hidden_state` of shape :obj:`(batch_size, sequence_length, hidden_size)`, `optional`) is a sequence of hidden-states at the output of the last layer of the encoder. Used in the cross-attention of the decoder. past_key_values (:obj:`Tuple[Tuple[torch.Tensor]]` of length :obj:`config.n_layers` with each tuple having 2 tuples each of which has 2 tensors of shape :obj:`(batch_size, num_heads, sequence_length - 1, embed_size_per_head)`): Contains precomputed key and value hidden-states of the attention blocks. Can be used to speed up decoding. If :obj:`past_key_values` are used, the user can optionally input only the last :obj:`decoder_input_ids` (those that don't have their past key value states given to this model) of shape :obj:`(batch_size, 1)` instead of all :obj:`decoder_input_ids`` of shape :obj:`(batch_size, sequence_length)`. inputs_embeds (:obj:`torch.FloatTensor` of shape :obj:`(batch_size, sequence_length, hidden_size)`, `optional`): Optionally, instead of passing :obj:`input_ids` you can choose to directly pass an embedded representation. This is useful if you want more control over how to convert :obj:`input_ids` indices into associated vectors than the model's internal embedding lookup matrix. decoder_inputs_embeds (:obj:`torch.FloatTensor` of shape :obj:`(batch_size, target_sequence_length, hidden_size)`, `optional`): Optionally, instead of passing :obj:`decoder_input_ids` you can choose to directly pass an embedded representation. If :obj:`past_key_values` is used, optionally only the last :obj:`decoder_inputs_embeds` have to be input (see :obj:`past_key_values`). This is useful if you want more control over how to convert :obj:`decoder_input_ids` indices into associated vectors than the model's internal embedding lookup matrix. If :obj:`decoder_input_ids` and :obj:`decoder_inputs_embeds` are both unset, :obj:`decoder_inputs_embeds` takes the value of :obj:`inputs_embeds`. use_cache (:obj:`bool`, `optional`): If set to :obj:`True`, :obj:`past_key_values` key value states are returned and can be used to speed up decoding (see :obj:`past_key_values`). output_attentions (:obj:`bool`, `optional`): Whether or not to return the attentions tensors of all attention layers. See ``attentions`` under returned tensors for more detail. output_hidden_states (:obj:`bool`, `optional`): Whether or not to return the hidden states of all layers. See ``hidden_states`` under returned tensors for more detail. return_dict (:obj:`bool`, `optional`): Whether or not to return a :class:`~transformers.file_utils.ModelOutput` instead of a plain tuple. """ class M2M100Encoder(M2M100PreTrainedModel): """ Transformer encoder consisting of *config.encoder_layers* self attention layers. Each layer is a :class:`M2M100EncoderLayer`. Args: config: M2M100Config embed_tokens (torch.nn.Embedding): output embedding """ def __init__(self, config: M2M100Config, embed_tokens: Optional[nn.Embedding] = None): super().__init__(config) self.dropout = config.dropout self.layerdrop = config.encoder_layerdrop embed_dim = config.d_model self.padding_idx = config.pad_token_id self.max_source_positions = config.max_position_embeddings self.embed_scale = math.sqrt(embed_dim) if config.scale_embedding else 1.0 if embed_tokens is not None: self.embed_tokens = embed_tokens else: self.embed_tokens = nn.Embedding(config.vocab_size, embed_dim, self.padding_idx) self.embed_positions = M2M100SinusoidalPositionalEmbedding( config.max_position_embeddings, embed_dim, self.padding_idx, ) self.layers = nn.ModuleList([M2M100EncoderLayer(config) for _ in range(config.encoder_layers)]) self.layer_norm = nn.LayerNorm(config.d_model) self.init_weights() # Copied from transformers.models.mbart.modeling_mbart.MBartEncoder.forward with MBart->M2M100 def forward( self, input_ids=None, attention_mask=None, head_mask=None, inputs_embeds=None, output_attentions=None, output_hidden_states=None, return_dict=None, ): r""" Args: input_ids (:obj:`torch.LongTensor` of shape :obj:`(batch_size, sequence_length)`): Indices of input sequence tokens in the vocabulary. Padding will be ignored by default should you provide it. Indices can be obtained using :class:`~transformers.M2M100Tokenizer`. See :meth:`transformers.PreTrainedTokenizer.encode` and :meth:`transformers.PreTrainedTokenizer.__call__` for details. `What are input IDs? <../glossary.html#input-ids>`__ attention_mask (:obj:`torch.Tensor` of shape :obj:`(batch_size, sequence_length)`, `optional`): Mask to avoid performing attention on padding token indices. Mask values selected in ``[0, 1]``: - 1 for tokens that are **not masked**, - 0 for tokens that are **masked**. `What are attention masks? <../glossary.html#attention-mask>`__ inputs_embeds (:obj:`torch.FloatTensor` of shape :obj:`(batch_size, sequence_length, hidden_size)`, `optional`): Optionally, instead of passing :obj:`input_ids` you can choose to directly pass an embedded representation. This is useful if you want more control over how to convert :obj:`input_ids` indices into associated vectors than the model's internal embedding lookup matrix. output_attentions (:obj:`bool`, `optional`): Whether or not to return the attentions tensors of all attention layers. See ``attentions`` under returned tensors for more detail. output_hidden_states (:obj:`bool`, `optional`): Whether or not to return the hidden states of all layers. See ``hidden_states`` under returned tensors for more detail. return_dict (:obj:`bool`, `optional`): Whether or not to return a :class:`~transformers.file_utils.ModelOutput` instead of a plain tuple. """ output_attentions = output_attentions if output_attentions is not None else self.config.output_attentions output_hidden_states = ( output_hidden_states if output_hidden_states is not None else self.config.output_hidden_states ) return_dict = return_dict if return_dict is not None else self.config.use_return_dict # retrieve input_ids and inputs_embeds if input_ids is not None and inputs_embeds is not None: raise ValueError("You cannot specify both input_ids and inputs_embeds at the same time") elif input_ids is not None: input_shape = input_ids.size() input_ids = input_ids.view(-1, input_shape[-1]) elif inputs_embeds is not None: input_shape = inputs_embeds.size()[:-1] else: raise ValueError("You have to specify either input_ids or inputs_embeds") if inputs_embeds is None: inputs_embeds = self.embed_tokens(input_ids) * self.embed_scale embed_pos = self.embed_positions(input_ids, inputs_embeds) hidden_states = inputs_embeds + embed_pos hidden_states = F.dropout(hidden_states, p=self.dropout, training=self.training) # expand attention_mask if attention_mask is not None: # [bsz, seq_len] -> [bsz, 1, tgt_seq_len, src_seq_len] attention_mask = _expand_mask(attention_mask, inputs_embeds.dtype) encoder_states = () if output_hidden_states else None all_attentions = () if output_attentions else None # check if head_mask has a correct number of layers specified if desired if head_mask is not None: assert head_mask.size()[0] == ( len(self.layers) ), f"The head_mask should be specified for {len(self.layers)} layers, but it is for {head_mask.size()[0]}." for idx, encoder_layer in enumerate(self.layers): if output_hidden_states: encoder_states = encoder_states + (hidden_states,) # add LayerDrop (see https://arxiv.org/abs/1909.11556 for description) dropout_probability = random.uniform(0, 1) if self.training and (dropout_probability < self.layerdrop): # skip the layer layer_outputs = (None, None) else: if getattr(self.config, "gradient_checkpointing", False) and self.training: def create_custom_forward(module): def custom_forward(*inputs): return module(*inputs, output_attentions) return custom_forward layer_outputs = torch.utils.checkpoint.checkpoint( create_custom_forward(encoder_layer), hidden_states, attention_mask, (head_mask[idx] if head_mask is not None else None), ) else: layer_outputs = encoder_layer( hidden_states, attention_mask, layer_head_mask=(head_mask[idx] if head_mask is not None else None), output_attentions=output_attentions, ) hidden_states = layer_outputs[0] if output_attentions: all_attentions = all_attentions + (layer_outputs[1],) hidden_states = self.layer_norm(hidden_states) if output_hidden_states: encoder_states = encoder_states + (hidden_states,) if not return_dict: return tuple(v for v in [hidden_states, encoder_states, all_attentions] if v is not None) return BaseModelOutput( last_hidden_state=hidden_states, hidden_states=encoder_states, attentions=all_attentions ) class M2M100Decoder(M2M100PreTrainedModel): """ Transformer decoder consisting of *config.decoder_layers* layers. Each layer is a :class:`M2M100DecoderLayer` Args: config: M2M100Config embed_tokens (torch.nn.Embedding): output embedding """ def __init__(self, config: M2M100Config, embed_tokens: Optional[nn.Embedding] = None): super().__init__(config) self.dropout = config.dropout self.layerdrop = config.decoder_layerdrop self.padding_idx = config.pad_token_id self.max_target_positions = config.max_position_embeddings self.embed_scale = math.sqrt(config.d_model) if config.scale_embedding else 1.0 if embed_tokens is not None: self.embed_tokens = embed_tokens else: self.embed_tokens = nn.Embedding(config.vocab_size, config.d_model, self.padding_idx) self.embed_positions = M2M100SinusoidalPositionalEmbedding( config.max_position_embeddings, config.d_model, self.padding_idx, ) self.layers = nn.ModuleList([M2M100DecoderLayer(config) for _ in range(config.decoder_layers)]) self.layer_norm = nn.LayerNorm(config.d_model) self.init_weights() # Copied from transformers.models.mbart.modeling_mbart.MBartDecoder.forward with MBart->M2M100 def forward( self, input_ids=None, attention_mask=None, encoder_hidden_states=None, encoder_attention_mask=None, head_mask=None, encoder_head_mask=None, past_key_values=None, inputs_embeds=None, use_cache=None, output_attentions=None, output_hidden_states=None, return_dict=None, ): r""" Args: input_ids (:obj:`torch.LongTensor` of shape :obj:`(batch_size, sequence_length)`): Indices of input sequence tokens in the vocabulary. Padding will be ignored by default should you provide it. Indices can be obtained using :class:`~transformers.M2M100Tokenizer`. See :meth:`transformers.PreTrainedTokenizer.encode` and :meth:`transformers.PreTrainedTokenizer.__call__` for details. `What are input IDs? <../glossary.html#input-ids>`__ attention_mask (:obj:`torch.Tensor` of shape :obj:`(batch_size, sequence_length)`, `optional`): Mask to avoid performing attention on padding token indices. Mask values selected in ``[0, 1]``: - 1 for tokens that are **not masked**, - 0 for tokens that are **masked**. `What are attention masks? <../glossary.html#attention-mask>`__ encoder_hidden_states (:obj:`torch.FloatTensor` of shape :obj:`(batch_size, encoder_sequence_length, hidden_size)`, `optional`): Sequence of hidden-states at the output of the last layer of the encoder. Used in the cross-attention of the decoder. encoder_attention_mask (:obj:`torch.LongTensor` of shape :obj:`(batch_size, encoder_sequence_length)`, `optional`): Mask to avoid performing cross-attention on padding tokens indices of encoder input_ids. Mask values selected in ``[0, 1]``: - 1 for tokens that are **not masked**, - 0 for tokens that are **masked**. `What are attention masks? <../glossary.html#attention-mask>`__ past_key_values (:obj:`Tuple[Tuple[torch.Tensor]]` of length :obj:`config.n_layers` with each tuple having 2 tuples each of which has 2 tensors of shape :obj:`(batch_size, num_heads, sequence_length - 1, embed_size_per_head)`): Contains precomputed key and value hidden-states of the attention blocks. Can be used to speed up decoding. If :obj:`past_key_values` are used, the user can optionally input only the last :obj:`decoder_input_ids` (those that don't have their past key value states given to this model) of shape :obj:`(batch_size, 1)` instead of all :obj:`decoder_input_ids`` of shape :obj:`(batch_size, sequence_length)`. inputs_embeds (:obj:`torch.FloatTensor` of shape :obj:`(batch_size, sequence_length, hidden_size)`, `optional`): Optionally, instead of passing :obj:`input_ids` you can choose to directly pass an embedded representation. This is useful if you want more control over how to convert :obj:`input_ids` indices into associated vectors than the model's internal embedding lookup matrix. output_attentions (:obj:`bool`, `optional`): Whether or not to return the attentions tensors of all attention layers. See ``attentions`` under returned tensors for more detail. output_hidden_states (:obj:`bool`, `optional`): Whether or not to return the hidden states of all layers. See ``hidden_states`` under returned tensors for more detail. return_dict (:obj:`bool`, `optional`): Whether or not to return a :class:`~transformers.file_utils.ModelOutput` instead of a plain tuple. """ output_attentions = output_attentions if output_attentions is not None else self.config.output_attentions output_hidden_states = ( output_hidden_states if output_hidden_states is not None else self.config.output_hidden_states ) use_cache = use_cache if use_cache is not None else self.config.use_cache return_dict = return_dict if return_dict is not None else self.config.use_return_dict # retrieve input_ids and inputs_embeds if input_ids is not None and inputs_embeds is not None: raise ValueError("You cannot specify both decoder_input_ids and decoder_inputs_embeds at the same time") elif input_ids is not None: input_shape = input_ids.size() input_ids = input_ids.view(-1, input_shape[-1]) elif inputs_embeds is not None: input_shape = inputs_embeds.size()[:-1] else: raise ValueError("You have to specify either decoder_input_ids or decoder_inputs_embeds") # past_key_values_length past_key_values_length = past_key_values[0][0].shape[2] if past_key_values is not None else 0 if inputs_embeds is None: inputs_embeds = self.embed_tokens(input_ids) * self.embed_scale # create causal mask # [bsz, seq_len] -> [bsz, 1, tgt_seq_len, src_seq_len] combined_attention_mask = None if input_shape[-1] > 1: combined_attention_mask = _make_causal_mask( input_shape, inputs_embeds.dtype, past_key_values_length=past_key_values_length ).to(self.device) if attention_mask is not None and combined_attention_mask is not None: # [bsz, seq_len] -> [bsz, 1, tgt_seq_len, src_seq_len] combined_attention_mask = combined_attention_mask + _expand_mask( attention_mask, inputs_embeds.dtype, tgt_len=input_shape[-1] ) # expand encoder attention mask if encoder_hidden_states is not None and encoder_attention_mask is not None: # [bsz, seq_len] -> [bsz, 1, tgt_seq_len, src_seq_len] encoder_attention_mask = _expand_mask(encoder_attention_mask, inputs_embeds.dtype, tgt_len=input_shape[-1]) # embed positions positions = self.embed_positions(input_ids, inputs_embeds, past_key_values_length) hidden_states = inputs_embeds + positions hidden_states = F.dropout(hidden_states, p=self.dropout, training=self.training) # decoder layers all_hidden_states = () if output_hidden_states else None all_self_attns = () if output_attentions else None all_cross_attentions = () if output_attentions else None next_decoder_cache = () if use_cache else None # check if head_mask has a correct number of layers specified if desired if head_mask is not None: assert head_mask.size()[0] == ( len(self.layers) ), f"The head_mask should be specified for {len(self.layers)} layers, but it is for {head_mask.size()[0]}." for idx, decoder_layer in enumerate(self.layers): # add LayerDrop (see https://arxiv.org/abs/1909.11556 for description) if output_hidden_states: all_hidden_states += (hidden_states,) dropout_probability = random.uniform(0, 1) if self.training and (dropout_probability < self.layerdrop): continue past_key_value = past_key_values[idx] if past_key_values is not None else None if getattr(self.config, "gradient_checkpointing", False) and self.training: if use_cache: logger.warn( "`use_cache=True` is incompatible with `config.gradient_checkpointing=True`. Setting " "`use_cache=False`..." ) use_cache = False def create_custom_forward(module): def custom_forward(*inputs): # None for past_key_value return module(*inputs, output_attentions, use_cache) return custom_forward layer_outputs = torch.utils.checkpoint.checkpoint( create_custom_forward(decoder_layer), hidden_states, combined_attention_mask, encoder_hidden_states, encoder_attention_mask, head_mask[idx] if head_mask is not None else None, encoder_head_mask[idx] if encoder_head_mask is not None else None, None, ) else: layer_outputs = decoder_layer( hidden_states, attention_mask=combined_attention_mask, encoder_hidden_states=encoder_hidden_states, encoder_attention_mask=encoder_attention_mask, layer_head_mask=(head_mask[idx] if head_mask is not None else None), encoder_layer_head_mask=(encoder_head_mask[idx] if encoder_head_mask is not None else None), past_key_value=past_key_value, output_attentions=output_attentions, use_cache=use_cache, ) hidden_states = layer_outputs[0] if use_cache: next_decoder_cache += (layer_outputs[3 if output_attentions else 1],) if output_attentions: all_self_attns += (layer_outputs[1],) all_cross_attentions += (layer_outputs[2],) hidden_states = self.layer_norm(hidden_states) # add hidden states from the last decoder layer if output_hidden_states: all_hidden_states += (hidden_states,) next_cache = next_decoder_cache if use_cache else None if not return_dict: return tuple( v for v in [hidden_states, next_cache, all_hidden_states, all_self_attns, all_cross_attentions] if v is not None ) return BaseModelOutputWithPastAndCrossAttentions( last_hidden_state=hidden_states, past_key_values=next_cache, hidden_states=all_hidden_states, attentions=all_self_attns, cross_attentions=all_cross_attentions, ) @add_start_docstrings( "The bare M2M100 Model outputting raw hidden-states without any specific head on top.", M2M_100_START_DOCSTRING, ) class M2M100Model(M2M100PreTrainedModel): def __init__(self, config: M2M100Config): super().__init__(config) padding_idx, vocab_size = config.pad_token_id, config.vocab_size self.shared = nn.Embedding(vocab_size, config.d_model, padding_idx) self.encoder = M2M100Encoder(config, self.shared) self.decoder = M2M100Decoder(config, self.shared) self.init_weights() def get_input_embeddings(self): return self.shared def set_input_embeddings(self, value): self.shared = value self.encoder.embed_tokens = self.shared self.decoder.embed_tokens = self.shared def get_encoder(self): return self.encoder def get_decoder(self): return self.decoder @add_start_docstrings_to_model_forward(M2M_100_INPUTS_DOCSTRING) @add_code_sample_docstrings( tokenizer_class=_TOKENIZER_FOR_DOC, checkpoint="facebook/m2m100_418M", output_type=Seq2SeqModelOutput, config_class=_CONFIG_FOR_DOC, ) def forward( self, input_ids=None, attention_mask=None, decoder_input_ids=None, decoder_attention_mask=None, head_mask=None, decoder_head_mask=None, encoder_outputs=None, past_key_values=None, inputs_embeds=None, decoder_inputs_embeds=None, use_cache=None, output_attentions=None, output_hidden_states=None, return_dict=None, ): output_attentions = output_attentions if output_attentions is not None else self.config.output_attentions output_hidden_states = ( output_hidden_states if output_hidden_states is not None else self.config.output_hidden_states ) use_cache = use_cache if use_cache is not None else self.config.use_cache return_dict = return_dict if return_dict is not None else self.config.use_return_dict if encoder_outputs is None: encoder_outputs = self.encoder( input_ids=input_ids, attention_mask=attention_mask, head_mask=head_mask, inputs_embeds=inputs_embeds, output_attentions=output_attentions, output_hidden_states=output_hidden_states, return_dict=return_dict, ) # If the user passed a tuple for encoder_outputs, we wrap it in a BaseModelOutput when return_dict=True elif return_dict and not isinstance(encoder_outputs, BaseModelOutput): encoder_outputs = BaseModelOutput( last_hidden_state=encoder_outputs[0], hidden_states=encoder_outputs[1] if len(encoder_outputs) > 1 else None, attentions=encoder_outputs[2] if len(encoder_outputs) > 2 else None, ) # decoder outputs consists of (dec_features, past_key_value, dec_hidden, dec_attn) decoder_outputs = self.decoder( input_ids=decoder_input_ids, attention_mask=decoder_attention_mask, encoder_hidden_states=encoder_outputs[0], encoder_attention_mask=attention_mask, head_mask=decoder_head_mask, encoder_head_mask=head_mask, past_key_values=past_key_values, inputs_embeds=decoder_inputs_embeds, use_cache=use_cache, output_attentions=output_attentions, output_hidden_states=output_hidden_states, return_dict=return_dict, ) if not return_dict: return decoder_outputs + encoder_outputs return Seq2SeqModelOutput( last_hidden_state=decoder_outputs.last_hidden_state, past_key_values=decoder_outputs.past_key_values, decoder_hidden_states=decoder_outputs.hidden_states, decoder_attentions=decoder_outputs.attentions, cross_attentions=decoder_outputs.cross_attentions, encoder_last_hidden_state=encoder_outputs.last_hidden_state, encoder_hidden_states=encoder_outputs.hidden_states, encoder_attentions=encoder_outputs.attentions, ) @add_start_docstrings( "The M2M100 Model with a language modeling head. Can be used for summarization.", M2M_100_START_DOCSTRING ) class M2M100ForConditionalGeneration(M2M100PreTrainedModel): base_model_prefix = "model" _keys_to_ignore_on_load_missing = [ r"encoder\.version", r"decoder\.version", r"lm_head\.weight", r"model.encoder.embed_positions.weights", r"model.decoder.embed_positions.weights", ] _keys_to_ignore_on_save = [ r"model.encoder.embed_positions.weights", r"model.decoder.embed_positions.weights", ] def __init__(self, config: M2M100Config): super().__init__(config) self.model = M2M100Model(config) self.lm_head = nn.Linear(config.d_model, self.model.shared.num_embeddings, bias=False) self.init_weights() def get_encoder(self): return self.model.get_encoder() def get_decoder(self): return self.model.get_decoder() def resize_token_embeddings(self, new_num_tokens: int) -> nn.Embedding: new_embeddings = super().resize_token_embeddings(new_num_tokens) return new_embeddings def get_output_embeddings(self): return self.lm_head def set_output_embeddings(self, new_embeddings): self.lm_head = new_embeddings @add_start_docstrings_to_model_forward(M2M_100_INPUTS_DOCSTRING) @replace_return_docstrings(output_type=Seq2SeqLMOutput, config_class=_CONFIG_FOR_DOC) @add_end_docstrings(M2M_100_GENERATION_EXAMPLE) def forward( self, input_ids=None, attention_mask=None, decoder_input_ids=None, decoder_attention_mask=None, head_mask=None, decoder_head_mask=None, encoder_outputs=None, past_key_values=None, inputs_embeds=None, decoder_inputs_embeds=None, labels=None, use_cache=None, output_attentions=None, output_hidden_states=None, return_dict=None, ): r""" labels (:obj:`torch.LongTensor` of shape :obj:`(batch_size, sequence_length)`, `optional`): Labels for computing the masked language modeling loss. Indices should either be in ``[0, ..., config.vocab_size]`` or -100 (see ``input_ids`` docstring). Tokens with indices set to ``-100`` are ignored (masked), the loss is only computed for the tokens with labels in ``[0, ..., config.vocab_size]``. Returns: Example:: >>> from transformers import M2M100Tokenizer, M2M100ForConditionalGeneration >>> model = M2M100ForConditionalGeneration.from_pretrained('facebook/m2m100_418M') >>> tokenizer = M2M100Tokenizer.from_pretrained('facebook/m2m100_418M') >>> text_to_translate = "Life is like a box of chocolates" >>> model_inputs = tokenizer(text_to_translate, return_tensors='pt') >>> # translate to French >>> gen_tokens = model.generate( **model_inputs, forced_bos_token_id=tok.get_lang_id("fr")) >>> print(tokenizer.batch_decode(gen_tokens, skip_special_tokens=True)) """ return_dict = return_dict if return_dict is not None else self.config.use_return_dict if labels is not None: if decoder_input_ids is None: decoder_input_ids = shift_tokens_right( labels, self.config.pad_token_id, self.config.decoder_start_token_id ) outputs = self.model( input_ids, attention_mask=attention_mask, decoder_input_ids=decoder_input_ids, encoder_outputs=encoder_outputs, decoder_attention_mask=decoder_attention_mask, head_mask=head_mask, decoder_head_mask=decoder_head_mask, past_key_values=past_key_values, inputs_embeds=inputs_embeds, decoder_inputs_embeds=decoder_inputs_embeds, use_cache=use_cache, output_attentions=output_attentions, output_hidden_states=output_hidden_states, return_dict=return_dict, ) lm_logits = self.lm_head(outputs[0]) masked_lm_loss = None if labels is not None: loss_fct = CrossEntropyLoss() masked_lm_loss = loss_fct(lm_logits.view(-1, self.config.vocab_size), labels.view(-1)) if not return_dict: output = (lm_logits,) + outputs[1:] return ((masked_lm_loss,) + output) if masked_lm_loss is not None else output return Seq2SeqLMOutput( loss=masked_lm_loss, logits=lm_logits, past_key_values=outputs.past_key_values, decoder_hidden_states=outputs.decoder_hidden_states, decoder_attentions=outputs.decoder_attentions, cross_attentions=outputs.cross_attentions, encoder_last_hidden_state=outputs.encoder_last_hidden_state, encoder_hidden_states=outputs.encoder_hidden_states, encoder_attentions=outputs.encoder_attentions, ) def prepare_inputs_for_generation( self, decoder_input_ids, past=None, attention_mask=None, use_cache=None, encoder_outputs=None, **kwargs ): # cut decoder_input_ids if past is used if past is not None: decoder_input_ids = decoder_input_ids[:, -1:] return { "input_ids": None, # encoder_outputs is defined. input_ids not needed "encoder_outputs": encoder_outputs, "past_key_values": past, "decoder_input_ids": decoder_input_ids, "attention_mask": attention_mask, "use_cache": use_cache, # change this to avoid caching (presumably for debugging) } @staticmethod def _reorder_cache(past, beam_idx): reordered_past = () for layer_past in past: reordered_past += (tuple(past_state.index_select(0, beam_idx) for past_state in layer_past),) return reordered_past
AdaMix/src/transformers/models/m2m_100/modeling_m2m_100.py/0
{ "file_path": "AdaMix/src/transformers/models/m2m_100/modeling_m2m_100.py", "repo_id": "AdaMix", "token_count": 26418 }
61
# coding=utf-8 # Copyright (c) Facebook, Inc. and its affiliates. # Copyright (c) HuggingFace Inc. team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. # You may obtain a copy of the License at # # http://www.apache.org/licenses/LICENSE-2.0 # # Unless required by applicable law or agreed to in writing, software # distributed under the License is distributed on an "AS IS" BASIS, # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. # See the License for the specific language governing permissions and # limitations under the License. """PyTorch MMBT model. """ import torch import torch.nn as nn from torch.nn import CrossEntropyLoss, MSELoss from ...file_utils import add_start_docstrings, add_start_docstrings_to_model_forward, replace_return_docstrings from ...modeling_outputs import BaseModelOutputWithPooling, SequenceClassifierOutput from ...modeling_utils import ModuleUtilsMixin from ...utils import logging logger = logging.get_logger(__name__) _CONFIG_FOR_DOC = "MMBTConfig" class ModalEmbeddings(nn.Module): """Generic Modal Embeddings which takes in an encoder, and a transformer embedding.""" def __init__(self, config, encoder, embeddings): super().__init__() self.config = config self.encoder = encoder self.proj_embeddings = nn.Linear(config.modal_hidden_size, config.hidden_size) self.position_embeddings = embeddings.position_embeddings self.token_type_embeddings = embeddings.token_type_embeddings self.word_embeddings = embeddings.word_embeddings self.LayerNorm = embeddings.LayerNorm self.dropout = nn.Dropout(p=config.hidden_dropout_prob) def forward(self, input_modal, start_token=None, end_token=None, position_ids=None, token_type_ids=None): token_embeddings = self.proj_embeddings(self.encoder(input_modal)) seq_length = token_embeddings.size(1) if start_token is not None: start_token_embeds = self.word_embeddings(start_token) seq_length += 1 token_embeddings = torch.cat([start_token_embeds.unsqueeze(1), token_embeddings], dim=1) if end_token is not None: end_token_embeds = self.word_embeddings(end_token) seq_length += 1 token_embeddings = torch.cat([token_embeddings, end_token_embeds.unsqueeze(1)], dim=1) if position_ids is None: position_ids = torch.arange(seq_length, dtype=torch.long, device=input_modal.device) position_ids = position_ids.unsqueeze(0).expand(input_modal.size(0), seq_length) if token_type_ids is None: token_type_ids = torch.zeros( (input_modal.size(0), seq_length), dtype=torch.long, device=input_modal.device ) position_embeddings = self.position_embeddings(position_ids) token_type_embeddings = self.token_type_embeddings(token_type_ids) embeddings = token_embeddings + position_embeddings + token_type_embeddings embeddings = self.LayerNorm(embeddings) embeddings = self.dropout(embeddings) return embeddings MMBT_START_DOCSTRING = r""" MMBT model was proposed in `Supervised Multimodal Bitransformers for Classifying Images and Text <https://github.com/facebookresearch/mmbt>`__ by Douwe Kiela, Suvrat Bhooshan, Hamed Firooz, Davide Testuggine. It's a supervised multimodal bitransformer model that fuses information from text and other image encoders, and obtain state-of-the-art performance on various multimodal classification benchmark tasks. This model inherits from :class:`~transformers.PreTrainedModel`. Check the superclass documentation for the generic methods the library implements for all its model (such as downloading or saving, resizing the input embeddings, pruning heads etc.) This model is also a PyTorch `torch.nn.Module <https://pytorch.org/docs/stable/nn.html#torch.nn.Module>`__ subclass. Use it as a regular PyTorch Module and refer to the PyTorch documentation for all matter related to general usage and behavior. Parameters: config (:class:`~transformers.MMBTConfig`): Model configuration class with all the parameters of the model. Initializing with a config file does not load the weights associated with the model, only the configuration. transformer (:class: `~nn.Module`): A text transformer that is used by MMBT. It should have embeddings, encoder, and pooler attributes. encoder (:class: `~nn.Module`): Encoder for the second modality. It should take in a batch of modal inputs and return k, n dimension embeddings. """ MMBT_INPUTS_DOCSTRING = r""" Args: input_modal (``torch.FloatTensor`` of shape ``(batch_size, ***)``): The other modality data. It will be the shape that the encoder for that type expects. e.g. With an Image Encoder, the shape would be (batch_size, channels, height, width) input_ids (``torch.LongTensor`` of shape ``(batch_size, sequence_length)``): Indices of input sequence tokens in the vocabulary. It does not expect [CLS] token to be added as it's appended to the end of other modality embeddings. Indices can be obtained using :class:`~transformers.BertTokenizer`. See :meth:`transformers.PreTrainedTokenizer.encode` and :meth:`transformers.PreTrainedTokenizer.__call__` for details. `What are input IDs? <../glossary.html#input-ids>`__ modal_start_tokens (``torch.LongTensor`` of shape ``(batch_size,)``, `optional`): Optional start token to be added to Other Modality Embedding. [CLS] Most commonly used for classification tasks. modal_end_tokens (``torch.LongTensor`` of shape ``(batch_size,)``, `optional`): Optional end token to be added to Other Modality Embedding. [SEP] Most commonly used. attention_mask (`optional`) ``torch.FloatTensor`` of shape ``(batch_size, sequence_length)``: Mask to avoid performing attention on padding token indices. Mask values selected in ``[0, 1]``: - 1 for tokens that are **not masked**, - 0 for tokens that are **masked**. `What are attention masks? <../glossary.html#attention-mask>`__ token_type_ids (`optional`) ``torch.LongTensor`` of shape ``(batch_size, sequence_length)``: Segment token indices to indicate first and second portions of the inputs. Indices are selected in ``[0, 1]``: - 0 corresponds to a `sentence A` token, - 1 corresponds to a `sentence B` token. `What are token type IDs? <../glossary.html#token-type-ids>`_ modal_token_type_ids (`optional`) ``torch.LongTensor`` of shape ``(batch_size, modal_sequence_length)``: Segment token indices to indicate different portions of the non-text modality. The embeddings from these tokens will be summed with the respective token embeddings for the non-text modality. position_ids (``torch.LongTensor`` of shape ``(batch_size, sequence_length)``, `optional`): Indices of positions of each input sequence tokens in the position embeddings. Selected in the range ``[0, config.max_position_embeddings - 1]``. `What are position IDs? <../glossary.html#position-ids>`__ modal_position_ids (``torch.LongTensor`` of shape ``(batch_size, modal_sequence_length)``, `optional`): Indices of positions of each input sequence tokens in the position embeddings for the non-text modality. Selected in the range ``[0, config.max_position_embeddings - 1]``. `What are position IDs? <../glossary.html#position-ids>`__ head_mask (``torch.FloatTensor`` of shape ``(num_heads,)`` or ``(num_layers, num_heads)``, `optional`): Mask to nullify selected heads of the self-attention modules. Mask values selected in ``[0, 1]``: - 1 indicates the head is **not masked**, - 0 indicates the head is **masked**. inputs_embeds (``torch.FloatTensor`` of shape ``(batch_size, sequence_length, embedding_dim)``, `optional`): Optionally, instead of passing :obj:`input_ids` you can choose to directly pass an embedded representation. This is useful if you want more control over how to convert :obj:`input_ids` indices into associated vectors than the model's internal embedding lookup matrix. encoder_hidden_states (``torch.FloatTensor`` of shape ``(batch_size, sequence_length, hidden_size)``, `optional`): Sequence of hidden-states at the output of the last layer of the encoder. Used in the cross-attention if the model is configured as a decoder. encoder_attention_mask (``torch.FloatTensor`` of shape ``(batch_size, sequence_length)``, `optional`): Mask to avoid performing attention on the padding token indices of the encoder input. This mask is used in the cross-attention if the model is configured as a decoder. Mask values selected in ``[0, 1]``: - 1 for tokens that are **not masked**, - 0 for tokens that are **masked**. output_attentions (:obj:`bool`, `optional`): Whether or not to return the attentions tensors of all attention layers. See ``attentions`` under returned tensors for more detail. output_hidden_states (:obj:`bool`, `optional`): Whether or not to return the hidden states of all layers. See ``hidden_states`` under returned tensors for more detail. return_dict (:obj:`bool`, `optional`): Whether or not to return a :class:`~transformers.file_utils.ModelOutput` instead of a plain tuple. """ @add_start_docstrings( "The bare MMBT Model outputting raw hidden-states without any specific head on top.", MMBT_START_DOCSTRING, ) class MMBTModel(nn.Module, ModuleUtilsMixin): def __init__(self, config, transformer, encoder): super().__init__() self.config = config self.transformer = transformer self.modal_encoder = ModalEmbeddings(config, encoder, transformer.embeddings) @add_start_docstrings_to_model_forward(MMBT_INPUTS_DOCSTRING) @replace_return_docstrings(output_type=BaseModelOutputWithPooling, config_class=_CONFIG_FOR_DOC) def forward( self, input_modal, input_ids=None, modal_start_tokens=None, modal_end_tokens=None, attention_mask=None, token_type_ids=None, modal_token_type_ids=None, position_ids=None, modal_position_ids=None, head_mask=None, inputs_embeds=None, encoder_hidden_states=None, encoder_attention_mask=None, output_attentions=None, output_hidden_states=None, return_dict=None, ): r""" Returns: Examples:: # For example purposes. Not runnable. transformer = BertModel.from_pretrained('bert-base-uncased') encoder = ImageEncoder(args) mmbt = MMBTModel(config, transformer, encoder) """ output_attentions = output_attentions if output_attentions is not None else self.config.output_attentions output_hidden_states = ( output_hidden_states if output_hidden_states is not None else self.config.output_hidden_states ) return_dict = return_dict if return_dict is not None else self.config.use_return_dict if input_ids is not None and inputs_embeds is not None: raise ValueError("You cannot specify both input_ids and inputs_embeds at the same time") elif input_ids is not None: input_txt_shape = input_ids.size() elif inputs_embeds is not None: input_txt_shape = inputs_embeds.size()[:-1] else: raise ValueError("You have to specify either input_ids or inputs_embeds") device = input_ids.device if input_ids is not None else inputs_embeds.device modal_embeddings = self.modal_encoder( input_modal, start_token=modal_start_tokens, end_token=modal_end_tokens, position_ids=modal_position_ids, token_type_ids=modal_token_type_ids, ) input_modal_shape = modal_embeddings.size()[:-1] if token_type_ids is None: token_type_ids = torch.ones(input_txt_shape, dtype=torch.long, device=device) txt_embeddings = self.transformer.embeddings( input_ids=input_ids, position_ids=position_ids, token_type_ids=token_type_ids, inputs_embeds=inputs_embeds ) embedding_output = torch.cat([modal_embeddings, txt_embeddings], 1) input_shape = embedding_output.size()[:-1] if attention_mask is None: attention_mask = torch.ones(input_shape, device=device) else: attention_mask = torch.cat( [torch.ones(input_modal_shape, device=device, dtype=torch.long), attention_mask], dim=1 ) if encoder_attention_mask is None: encoder_attention_mask = torch.ones(input_shape, device=device) else: encoder_attention_mask = torch.cat( [torch.ones(input_modal_shape, device=device), encoder_attention_mask], dim=1 ) extended_attention_mask = self.get_extended_attention_mask(attention_mask, input_shape, self.device) encoder_extended_attention_mask = self.invert_attention_mask(encoder_attention_mask) head_mask = self.get_head_mask(head_mask, self.config.num_hidden_layers) encoder_outputs = self.transformer.encoder( embedding_output, attention_mask=extended_attention_mask, head_mask=head_mask, encoder_hidden_states=encoder_hidden_states, encoder_attention_mask=encoder_extended_attention_mask, output_attentions=output_attentions, output_hidden_states=output_hidden_states, return_dict=return_dict, ) sequence_output = encoder_outputs[0] pooled_output = self.transformer.pooler(sequence_output) if not return_dict: return (sequence_output, pooled_output) + encoder_outputs[1:] return BaseModelOutputWithPooling( last_hidden_state=sequence_output, pooler_output=pooled_output, hidden_states=encoder_outputs.hidden_states, attentions=encoder_outputs.attentions, ) def get_input_embeddings(self): return self.embeddings.word_embeddings def set_input_embeddings(self, value): self.embeddings.word_embeddings = value @add_start_docstrings( """ MMBT Model with a sequence classification/regression head on top (a linear layer on top of the pooled output) """, MMBT_START_DOCSTRING, MMBT_INPUTS_DOCSTRING, ) class MMBTForClassification(nn.Module): r""" **labels**: (`optional`) ``torch.LongTensor`` of shape ``(batch_size,)``: Labels for computing the sequence classification/regression loss. Indices should be in ``[0, ..., config.num_labels - 1]``. If ``config.num_labels == 1`` a regression loss is computed (Mean-Square loss), If ``config.num_labels > 1`` a classification loss is computed (Cross-Entropy). Returns: `Tuple` comprising various elements depending on the configuration (config) and inputs: **loss**: (`optional`, returned when ``labels`` is provided) ``torch.FloatTensor`` of shape ``(1,)``: Classification (or regression if config.num_labels==1) loss. **logits**: ``torch.FloatTensor`` of shape ``(batch_size, config.num_labels)`` Classification (or regression if config.num_labels==1) scores (before SoftMax). **hidden_states**: (`optional`, returned when ``output_hidden_states=True``) list of ``torch.FloatTensor`` (one for the output of each layer + the output of the embeddings) of shape ``(batch_size, sequence_length, hidden_size)``: Hidden-states of the model at the output of each layer plus the initial embedding outputs. **attentions**: (`optional`, returned when ``output_attentions=True``) list of ``torch.FloatTensor`` (one for each layer) of shape ``(batch_size, num_heads, sequence_length, sequence_length)``: Attentions weights after the attention softmax, used to compute the weighted average in the self-attention heads. Examples:: # For example purposes. Not runnable. transformer = BertModel.from_pretrained('bert-base-uncased') encoder = ImageEncoder(args) model = MMBTForClassification(config, transformer, encoder) outputs = model(input_modal, input_ids, labels=labels) loss, logits = outputs[:2] """ def __init__(self, config, transformer, encoder): super().__init__() self.num_labels = config.num_labels self.mmbt = MMBTModel(config, transformer, encoder) self.dropout = nn.Dropout(config.hidden_dropout_prob) self.classifier = nn.Linear(config.hidden_size, config.num_labels) def forward( self, input_modal, input_ids=None, modal_start_tokens=None, modal_end_tokens=None, attention_mask=None, token_type_ids=None, modal_token_type_ids=None, position_ids=None, modal_position_ids=None, head_mask=None, inputs_embeds=None, labels=None, return_dict=None, ): return_dict = return_dict if return_dict is not None else self.config.use_return_dict outputs = self.mmbt( input_modal=input_modal, input_ids=input_ids, modal_start_tokens=modal_start_tokens, modal_end_tokens=modal_end_tokens, attention_mask=attention_mask, token_type_ids=token_type_ids, modal_token_type_ids=modal_token_type_ids, position_ids=position_ids, modal_position_ids=modal_position_ids, head_mask=head_mask, inputs_embeds=inputs_embeds, return_dict=return_dict, ) pooled_output = outputs[1] pooled_output = self.dropout(pooled_output) logits = self.classifier(pooled_output) loss = None if labels is not None: if self.num_labels == 1: # We are doing regression loss_fct = MSELoss() loss = loss_fct(logits.view(-1), labels.view(-1)) else: loss_fct = CrossEntropyLoss() loss = loss_fct(logits.view(-1, self.num_labels), labels.view(-1)) if not return_dict: output = (logits,) + outputs[2:] return ((loss,) + output) if loss is not None else output return SequenceClassifierOutput( loss=loss, logits=logits, hidden_states=outputs.hidden_states, attentions=outputs.attentions, )
AdaMix/src/transformers/models/mmbt/modeling_mmbt.py/0
{ "file_path": "AdaMix/src/transformers/models/mmbt/modeling_mmbt.py", "repo_id": "AdaMix", "token_count": 7783 }
62
# coding=utf-8 # Copyright 2020 The Microsoft Authors and The HuggingFace Inc. team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. # You may obtain a copy of the License at # # http://www.apache.org/licenses/LICENSE-2.0 # # Unless required by applicable law or agreed to in writing, software # distributed under the License is distributed on an "AS IS" BASIS, # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. # See the License for the specific language governing permissions and # limitations under the License. """ ProphetNet model configuration """ from ...configuration_utils import PretrainedConfig from ...utils import logging logger = logging.get_logger(__name__) PROPHETNET_PRETRAINED_CONFIG_ARCHIVE_MAP = { "microsoft/prophetnet-large-uncased": "https://huggingface.co/microsoft/prophetnet-large-uncased/resolve/main/config.json", } class ProphetNetConfig(PretrainedConfig): r""" This is the configuration class to store the configuration of a :class:`~transformers.ProphetNetModel`. It is used to instantiate a ProphetNet model according to the specified arguments, defining the model architecture. Configuration objects inherit from :class:`~transformers.PretrainedConfig` and can be used to control the model outputs. Read the documentation from :class:`~transformers.PretrainedConfig` for more information. Args: activation_dropout (:obj:`float`, `optional`, defaults to 0.1): The dropout ratio for activations inside the fully connected layer. activation_function (:obj:`str` or :obj:`function`, `optional`, defaults to :obj:`"gelu"`): The non-linear activation function (function or string) in the encoder and pooler. If string, :obj:`"gelu"`, :obj:`"relu"`, :obj:`"silu"` and :obj:`"gelu_new"` are supported. vocab_size (:obj:`int`, `optional`, defaults to 30522): Vocabulary size of the ProphetNET model. Defines the number of different tokens that can be represented by the :obj:`inputs_ids` passed when calling :class:`~transformers.ProphetNetModel`. hidden_size (:obj:`int`, `optional`, defaults to 1024): Dimensionality of the layers and the pooler layer. encoder_ffn_dim (:obj:`int`, `optional`, defaults to 4096): Dimensionality of the "intermediate" (often named feed-forward) layer in decoder. num_encoder_layers (:obj:`int`, `optional`, defaults to 12): Number of encoder layers. num_encoder_attention_heads (:obj:`int`, `optional`, defaults to 16): Number of attention heads for each attention layer in the Transformer encoder. decoder_ffn_dim (:obj:`int`, `optional`, defaults to 4096): Dimensionality of the ``intermediate`` (often named feed-forward) layer in decoder. num_decoder_layers (:obj:`int`, `optional`, defaults to 12): Number of decoder layers. num_decoder_attention_heads (:obj:`int`, `optional`, defaults to 16): Number of attention heads for each attention layer in the Transformer decoder. attention_dropout (:obj:`float`, `optional`, defaults to 0.1): The dropout ratio for the attention probabilities. dropout (:obj:`float`, `optional`, defaults to 0.1): The dropout probability for all fully connected layers in the embeddings, encoder, and pooler. max_position_embeddings (:obj:`int`, `optional`, defaults to 512): The maximum sequence length that this model might ever be used with. Typically set this to something large just in case (e.g., 512 or 1024 or 2048). init_std (:obj:`float`, `optional`, defaults to 0.02): The standard deviation of the truncated_normal_initializer for initializing all weight matrices. add_cross_attention (:obj:`bool`, `optional`, defaults to :obj:`True`): Whether cross-attention layers should be added to the model. is_encoder_decoder (:obj:`bool`, `optional`, defaults to :obj:`True`): Whether this is an encoder/decoder model. pad_token_id (:obj:`int`, `optional`, defaults to 1) Padding token id. bos_token_id (:obj:`int`, `optional`, defaults to 0) Beginning of stream token id. eos_token_id (:obj:`int`, `optional`, defaults to 2) End of stream token id. ngram (:obj:`int`, `optional`, defaults to 2) Number of future tokens to predict. Set to 1 to be same as traditional Language model to predict next first token. num_buckets (:obj:`int`, `optional`, defaults to 32) The number of buckets to use for each attention layer. This is for relative position calculation. See the `T5 paper <see https://arxiv.org/abs/1910.10683>`__ for more details. relative_max_distance (:obj:`int`, `optional`, defaults to 128) Relative distances greater than this number will be put into the last same bucket. This is for relative position calculation. See the `T5 paper <see https://arxiv.org/abs/1910.10683>`__ for more details. disable_ngram_loss (:obj:`bool`, `optional`, defaults to :obj:`False`): Whether be trained predicting only the next first token. eps (:obj:`float`, `optional`, defaults to 0.0): Controls the ``epsilon`` parameter value for label smoothing in the loss calculation. If set to 0, no label smoothing is performed. use_cache (:obj:`bool`, `optional`, defaults to :obj:`True`): Whether or not the model should return the last key/values attentions (not used by all models). gradient_checkpointing (:obj:`bool`, `optional`, defaults to :obj:`False`): If True, use gradient checkpointing to save memory at the expense of slower backward pass. """ model_type = "prophetnet" keys_to_ignore_at_inference = ["past_key_values"] def __init__( self, activation_dropout=0.1, activation_function="gelu", vocab_size=30522, hidden_size=1024, encoder_ffn_dim=4096, num_encoder_layers=12, num_encoder_attention_heads=16, decoder_ffn_dim=4096, num_decoder_layers=12, num_decoder_attention_heads=16, attention_dropout=0.1, dropout=0.1, max_position_embeddings=512, init_std=0.02, is_encoder_decoder=True, add_cross_attention=True, decoder_start_token_id=0, ngram=2, num_buckets=32, relative_max_distance=128, disable_ngram_loss=False, gradient_checkpointing=False, eps=0.0, use_cache=True, pad_token_id=0, bos_token_id=1, eos_token_id=2, **kwargs ): super().__init__( pad_token_id=pad_token_id, bos_token_id=bos_token_id, eos_token_id=eos_token_id, is_encoder_decoder=is_encoder_decoder, add_cross_attention=add_cross_attention, decoder_start_token_id=decoder_start_token_id, **kwargs, ) self.vocab_size = vocab_size self.hidden_size = hidden_size self.encoder_ffn_dim = encoder_ffn_dim self.num_encoder_layers = num_encoder_layers self.num_encoder_attention_heads = num_encoder_attention_heads self.decoder_ffn_dim = decoder_ffn_dim self.num_decoder_layers = num_decoder_layers self.num_decoder_attention_heads = num_decoder_attention_heads self.max_position_embeddings = max_position_embeddings self.init_std = init_std # Normal(0, this parameter) self.activation_function = activation_function # parameters for prophetnet self.ngram = ngram self.num_buckets = num_buckets self.relative_max_distance = relative_max_distance self.disable_ngram_loss = disable_ngram_loss self.eps = eps # 3 Types of Dropout self.attention_dropout = attention_dropout self.activation_dropout = activation_dropout self.dropout = dropout self.use_cache = use_cache # 4 Training Args (should be removed soon) self.gradient_checkpointing = gradient_checkpointing @property def num_attention_heads(self) -> int: return self.num_encoder_attention_heads @property def num_hidden_layers(self) -> int: return self.num_encoder_layers + self.num_decoder_layers
AdaMix/src/transformers/models/prophetnet/configuration_prophetnet.py/0
{ "file_path": "AdaMix/src/transformers/models/prophetnet/configuration_prophetnet.py", "repo_id": "AdaMix", "token_count": 3415 }
63
# coding=utf-8 # Copyright 2019-present, the HuggingFace Inc. team, The Google AI Language Team and Facebook, Inc. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. # You may obtain a copy of the License at # # http://www.apache.org/licenses/LICENSE-2.0 # # Unless required by applicable law or agreed to in writing, software # distributed under the License is distributed on an "AS IS" BASIS, # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. # See the License for the specific language governing permissions and # limitations under the License. """ RetriBERT model configuration """ from ...configuration_utils import PretrainedConfig from ...utils import logging logger = logging.get_logger(__name__) # TODO: upload to AWS RETRIBERT_PRETRAINED_CONFIG_ARCHIVE_MAP = { "retribert-base-uncased": "https://huggingface.co/distilbert-base-uncased/resolve/main/config.json", } class RetriBertConfig(PretrainedConfig): r""" This is the configuration class to store the configuration of a :class:`~transformers.RetriBertModel`. It is used to instantiate a RetriBertModel model according to the specified arguments, defining the model architecture. Configuration objects inherit from :class:`~transformers.PretrainedConfig` and can be used to control the model outputs. Read the documentation from :class:`~transformers.PretrainedConfig` for more information. Args: vocab_size (:obj:`int`, `optional`, defaults to 30522): Vocabulary size of the RetriBERT model. Defines the number of different tokens that can be represented by the :obj:`inputs_ids` passed when calling :class:`~transformers.RetriBertModel` hidden_size (:obj:`int`, `optional`, defaults to 768): Dimensionality of the encoder layers and the pooler layer. num_hidden_layers (:obj:`int`, `optional`, defaults to 12): Number of hidden layers in the Transformer encoder. num_attention_heads (:obj:`int`, `optional`, defaults to 12): Number of attention heads for each attention layer in the Transformer encoder. intermediate_size (:obj:`int`, `optional`, defaults to 3072): Dimensionality of the "intermediate" (often named feed-forward) layer in the Transformer encoder. hidden_act (:obj:`str` or :obj:`function`, `optional`, defaults to :obj:`"gelu"`): The non-linear activation function (function or string) in the encoder and pooler. If string, :obj:`"gelu"`, :obj:`"relu"`, :obj:`"silu"` and :obj:`"gelu_new"` are supported. hidden_dropout_prob (:obj:`float`, `optional`, defaults to 0.1): The dropout probability for all fully connected layers in the embeddings, encoder, and pooler. attention_probs_dropout_prob (:obj:`float`, `optional`, defaults to 0.1): The dropout ratio for the attention probabilities. max_position_embeddings (:obj:`int`, `optional`, defaults to 512): The maximum sequence length that this model might ever be used with. Typically set this to something large just in case (e.g., 512 or 1024 or 2048). type_vocab_size (:obj:`int`, `optional`, defaults to 2): The vocabulary size of the `token_type_ids` passed into :class:`~transformers.BertModel`. initializer_range (:obj:`float`, `optional`, defaults to 0.02): The standard deviation of the truncated_normal_initializer for initializing all weight matrices. layer_norm_eps (:obj:`float`, `optional`, defaults to 1e-12): The epsilon used by the layer normalization layers. share_encoders (:obj:`bool`, `optional`, defaults to :obj:`True`): Whether or not to use the same Bert-type encoder for the queries and document projection_dim (:obj:`int`, `optional`, defaults to 128): Final dimension of the query and document representation after projection """ model_type = "retribert" def __init__( self, vocab_size=30522, hidden_size=768, num_hidden_layers=8, num_attention_heads=12, intermediate_size=3072, hidden_act="gelu", hidden_dropout_prob=0.1, attention_probs_dropout_prob=0.1, max_position_embeddings=512, type_vocab_size=2, initializer_range=0.02, layer_norm_eps=1e-12, share_encoders=True, projection_dim=128, pad_token_id=0, **kwargs ): super().__init__(pad_token_id=pad_token_id, **kwargs) self.vocab_size = vocab_size self.hidden_size = hidden_size self.num_hidden_layers = num_hidden_layers self.num_attention_heads = num_attention_heads self.hidden_act = hidden_act self.intermediate_size = intermediate_size self.hidden_dropout_prob = hidden_dropout_prob self.attention_probs_dropout_prob = attention_probs_dropout_prob self.max_position_embeddings = max_position_embeddings self.type_vocab_size = type_vocab_size self.initializer_range = initializer_range self.layer_norm_eps = layer_norm_eps self.share_encoders = share_encoders self.projection_dim = projection_dim
AdaMix/src/transformers/models/retribert/configuration_retribert.py/0
{ "file_path": "AdaMix/src/transformers/models/retribert/configuration_retribert.py", "repo_id": "AdaMix", "token_count": 2010 }
64
# coding=utf-8 # Copyright 2018 T5 Authors and HuggingFace Inc. team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. # You may obtain a copy of the License at # # http://www.apache.org/licenses/LICENSE-2.0 # # Unless required by applicable law or agreed to in writing, software # distributed under the License is distributed on an "AS IS" BASIS, # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. # See the License for the specific language governing permissions and # limitations under the License. """ Tokenization class for model T5.""" import os import re import warnings from shutil import copyfile from typing import List, Optional, Tuple import sentencepiece as spm from ...tokenization_utils import PreTrainedTokenizer from ...utils import logging logger = logging.get_logger(__name__) VOCAB_FILES_NAMES = {"vocab_file": "spiece.model"} PRETRAINED_VOCAB_FILES_MAP = { "vocab_file": { "t5-small": "https://huggingface.co/t5-small/resolve/main/spiece.model", "t5-base": "https://huggingface.co/t5-base/resolve/main/spiece.model", "t5-large": "https://huggingface.co/t5-large/resolve/main/spiece.model", "t5-3b": "https://huggingface.co/t5-3b/resolve/main/spiece.model", "t5-11b": "https://huggingface.co/t5-11b/resolve/main/spiece.model", } } PRETRAINED_POSITIONAL_EMBEDDINGS_SIZES = { "t5-small": 512, "t5-base": 512, "t5-large": 512, "t5-3b": 512, "t5-11b": 512, } class T5Tokenizer(PreTrainedTokenizer): """ Construct a T5 tokenizer. Based on `SentencePiece <https://github.com/google/sentencepiece>`__. This tokenizer inherits from :class:`~transformers.PreTrainedTokenizer` which contains most of the main methods. Users should refer to this superclass for more information regarding those methods. Args: vocab_file (:obj:`str`): `SentencePiece <https://github.com/google/sentencepiece>`__ file (generally has a `.spm` extension) that contains the vocabulary necessary to instantiate a tokenizer. eos_token (:obj:`str`, `optional`, defaults to :obj:`"</s>"`): The end of sequence token. .. note:: When building a sequence using special tokens, this is not the token that is used for the end of sequence. The token used is the :obj:`sep_token`. unk_token (:obj:`str`, `optional`, defaults to :obj:`"<unk>"`): The unknown token. A token that is not in the vocabulary cannot be converted to an ID and is set to be this token instead. pad_token (:obj:`str`, `optional`, defaults to :obj:`"<pad>"`): The token used for padding, for example when batching sequences of different lengths. extra_ids (:obj:`int`, `optional`, defaults to 100): Add a number of extra ids added to the end of the vocabulary for use as sentinels. These tokens are accessible as "<extra_id_{%d}>" where "{%d}" is a number between 0 and extra_ids-1. Extra tokens are indexed from the end of the vocabulary up to beginning ("<extra_id_0>" is the last token in the vocabulary like in T5 preprocessing see `here <https://github.com/google-research/text-to-text-transfer-transformer/blob/9fd7b14a769417be33bc6c850f9598764913c833/t5/data/preprocessors.py#L2117>`__). additional_special_tokens (:obj:`List[str]`, `optional`): Additional special tokens used by the tokenizer. Attributes: sp_model (:obj:`SentencePieceProcessor`): The `SentencePiece` processor that is used for every conversion (string, tokens and IDs). """ vocab_files_names = VOCAB_FILES_NAMES pretrained_vocab_files_map = PRETRAINED_VOCAB_FILES_MAP max_model_input_sizes = PRETRAINED_POSITIONAL_EMBEDDINGS_SIZES model_input_names = ["input_ids", "attention_mask"] def __init__( self, vocab_file, eos_token="</s>", unk_token="<unk>", pad_token="<pad>", extra_ids=100, additional_special_tokens=None, **kwargs ): # Add extra_ids to the special token list if extra_ids > 0 and additional_special_tokens is None: additional_special_tokens = ["<extra_id_{}>".format(i) for i in range(extra_ids)] elif extra_ids > 0 and additional_special_tokens is not None: # Check that we have the right number of extra_id special tokens extra_tokens = len(set(filter(lambda x: bool("extra_id" in x), additional_special_tokens))) if extra_tokens != extra_ids: raise ValueError( f"Both extra_ids ({extra_ids}) and additional_special_tokens ({additional_special_tokens}) are provided to T5Tokenizer. " "In this case the additional_special_tokens must include the extra_ids tokens" ) super().__init__( eos_token=eos_token, unk_token=unk_token, pad_token=pad_token, extra_ids=extra_ids, additional_special_tokens=additional_special_tokens, **kwargs, ) self.vocab_file = vocab_file self._extra_ids = extra_ids self.sp_model = spm.SentencePieceProcessor() self.sp_model.Load(vocab_file) @property def vocab_size(self): return self.sp_model.get_piece_size() + self._extra_ids def get_vocab(self): vocab = {self.convert_ids_to_tokens(i): i for i in range(self.vocab_size)} vocab.update(self.added_tokens_encoder) return vocab def get_special_tokens_mask( self, token_ids_0: List[int], token_ids_1: Optional[List[int]] = None, already_has_special_tokens: bool = False ) -> List[int]: """ Retrieve sequence ids from a token list that has no special tokens added. This method is called when adding special tokens using the tokenizer ``prepare_for_model`` method. Args: token_ids_0 (:obj:`List[int]`): List of IDs. token_ids_1 (:obj:`List[int]`, `optional`): Optional second list of IDs for sequence pairs. already_has_special_tokens (:obj:`bool`, `optional`, defaults to :obj:`False`): Whether or not the token list is already formatted with special tokens for the model. Returns: :obj:`List[int]`: A list of integers in the range [0, 1]: 1 for a special token, 0 for a sequence token. """ if already_has_special_tokens: if token_ids_1 is not None: raise ValueError( "You should not supply a second sequence if the provided sequence of " "ids is already formatted with special tokens for the model." ) return list(map(lambda x: 1 if x in [self.sep_token_id, self.cls_token_id] else 0, token_ids_0)) # normal case: some special tokens if token_ids_1 is None: return ([0] * len(token_ids_0)) + [1] return ([0] * len(token_ids_0)) + [1] + ([0] * len(token_ids_1)) + [1] def _add_eos_if_not_present(self, token_ids: List[int]) -> List[int]: """Do not add eos again if user already added it.""" if len(token_ids) > 0 and token_ids[-1] == self.eos_token_id: warnings.warn( f"This sequence already has {self.eos_token}. In future versions this behavior may lead to duplicated eos tokens being added." ) return token_ids else: return token_ids + [self.eos_token_id] def create_token_type_ids_from_sequences( self, token_ids_0: List[int], token_ids_1: Optional[List[int]] = None ) -> List[int]: """ Create a mask from the two sequences passed to be used in a sequence-pair classification task. T5 does not make use of token type ids, therefore a list of zeros is returned. Args: token_ids_0 (:obj:`List[int]`): List of IDs. token_ids_1 (:obj:`List[int]`, `optional`): Optional second list of IDs for sequence pairs. Returns: :obj:`List[int]`: List of zeros. """ eos = [self.eos_token_id] if token_ids_1 is None: return len(token_ids_0 + eos) * [0] return len(token_ids_0 + eos + token_ids_1 + eos) * [0] def build_inputs_with_special_tokens( self, token_ids_0: List[int], token_ids_1: Optional[List[int]] = None ) -> List[int]: """ Build model inputs from a sequence or a pair of sequence for sequence classification tasks by concatenating and adding special tokens. A sequence has the following format: - single sequence: ``X </s>`` - pair of sequences: ``A </s> B </s>`` Args: token_ids_0 (:obj:`List[int]`): List of IDs to which the special tokens will be added. token_ids_1 (:obj:`List[int]`, `optional`): Optional second list of IDs for sequence pairs. Returns: :obj:`List[int]`: List of `input IDs <../glossary.html#input-ids>`__ with the appropriate special tokens. """ token_ids_0 = self._add_eos_if_not_present(token_ids_0) if token_ids_1 is None: return token_ids_0 else: token_ids_1 = self._add_eos_if_not_present(token_ids_1) return token_ids_0 + token_ids_1 def __getstate__(self): state = self.__dict__.copy() state["sp_model"] = None return state def __setstate__(self, d): self.__dict__ = d self.sp_model = spm.SentencePieceProcessor() self.sp_model.Load(self.vocab_file) def _tokenize(self, text, sample=False): """Take as input a string and return a list of strings (tokens) for words/sub-words""" if not sample: pieces = self.sp_model.EncodeAsPieces(text) else: pieces = self.sp_model.SampleEncodeAsPieces(text, 64, 0.1) return pieces def _convert_token_to_id(self, token): """ Converts a token (str) in an id using the vocab. """ if token.startswith("<extra_id_"): match = re.match(r"<extra_id_(\d+)>", token) num = int(match.group(1)) return self.vocab_size - num - 1 return self.sp_model.piece_to_id(token) def _convert_id_to_token(self, index): """Converts an index (integer) in a token (str) using the vocab.""" if index < self.sp_model.get_piece_size(): token = self.sp_model.IdToPiece(index) else: token = "<extra_id_{}>".format(self.vocab_size - 1 - index) return token def convert_tokens_to_string(self, tokens): """ Converts a sequence of tokens (string) in a single string. """ current_sub_tokens = [] out_string = "" for token in tokens: # make sure that special tokens are not decoded using sentencepiece model if token in self.all_special_tokens: out_string += self.sp_model.decode_pieces(current_sub_tokens) + token + " " current_sub_tokens = [] else: current_sub_tokens.append(token) out_string += self.sp_model.decode_pieces(current_sub_tokens) return out_string.strip() def save_vocabulary(self, save_directory: str, filename_prefix: Optional[str] = None) -> Tuple[str]: if not os.path.isdir(save_directory): logger.error("Vocabulary path ({}) should be a directory".format(save_directory)) return out_vocab_file = os.path.join( save_directory, (filename_prefix + "-" if filename_prefix else "") + VOCAB_FILES_NAMES["vocab_file"] ) if os.path.abspath(self.vocab_file) != os.path.abspath(out_vocab_file): copyfile(self.vocab_file, out_vocab_file) logger.info(f"Copy vocab file to {out_vocab_file}") return (out_vocab_file,)
AdaMix/src/transformers/models/t5/tokenization_t5.py/0
{ "file_path": "AdaMix/src/transformers/models/t5/tokenization_t5.py", "repo_id": "AdaMix", "token_count": 5328 }
65
# coding=utf-8 # Copyright 2021 The Fairseq Authors and the HuggingFace Inc. team. All rights reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. # You may obtain a copy of the License at # # http://www.apache.org/licenses/LICENSE-2.0 # # Unless required by applicable law or agreed to in writing, software # distributed under the License is distributed on an "AS IS" BASIS, # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. # See the License for the specific language governing permissions and # limitations under the License. """ PyTorch Wav2Vec2 model. """ import warnings from typing import Optional, Tuple import numpy as np import torch import torch.nn.functional as F import torch.utils.checkpoint from torch import nn from ...activations import ACT2FN from ...file_utils import add_start_docstrings, add_start_docstrings_to_model_forward, replace_return_docstrings from ...modeling_outputs import BaseModelOutput, CausalLMOutput, MaskedLMOutput from ...modeling_utils import PreTrainedModel from ...utils import logging from .configuration_wav2vec2 import Wav2Vec2Config logger = logging.get_logger(__name__) _CONFIG_FOR_DOC = "Wav2Vec2Config" WAV_2_VEC_2_PRETRAINED_MODEL_ARCHIVE_LIST = [ "facebook/wav2vec2-base-960h", "facebook/wav2vec2-large-960h", "facebook/wav2vec2-large-960h-lv60", "facebook/wav2vec2-large-960h-lv60-self", # See all Wav2Vec2 models at https://huggingface.co/models?filter=wav2vec2 ] def _compute_mask_indices( shape: Tuple[int, int], mask_prob: float, mask_length: int, attention_mask: Optional[torch.Tensor] = None, min_masks: int = 0, ) -> np.ndarray: """ Computes random mask spans for a given shape Args: shape: the the shape for which to compute masks. should be of size 2 where first element is batch size and 2nd is timesteps attention_mask: optional padding mask of the same size as shape, which will prevent masking padded elements mask_prob: probability for each token to be chosen as start of the span to be masked. this will be multiplied by number of timesteps divided by length of mask span to mask approximately this percentage of all elements. however due to overlaps, the actual number will be smaller (unless no_overlap is True) mask_length: size of the mask min_masks: minimum number of masked spans Adapted from `fairseq's data_utils.py <https://github.com/pytorch/fairseq/blob/e0788f7007a8473a76db573985031f3c94201e79/fairseq/data/data_utils.py#L376>`__. """ bsz, all_sz = shape mask = np.full((bsz, all_sz), False) all_num_mask = int( # add a random number for probabilistic rounding mask_prob * all_sz / float(mask_length) + np.random.rand() ) all_num_mask = max(min_masks, all_num_mask) mask_idcs = [] padding_mask = attention_mask.ne(1) if attention_mask is not None else None for i in range(bsz): if padding_mask is not None: sz = all_sz - padding_mask[i].long().sum().item() num_mask = int( # add a random number for probabilistic rounding mask_prob * sz / float(mask_length) + np.random.rand() ) num_mask = max(min_masks, num_mask) else: sz = all_sz num_mask = all_num_mask lengths = np.full(num_mask, mask_length) if sum(lengths) == 0: lengths[0] = min(mask_length, sz - 1) min_len = min(lengths) if sz - min_len <= num_mask: min_len = sz - num_mask - 1 mask_idc = np.random.choice(sz - min_len, num_mask, replace=False) mask_idc = np.asarray([mask_idc[j] + offset for j in range(len(mask_idc)) for offset in range(lengths[j])]) mask_idcs.append(np.unique(mask_idc[mask_idc < sz])) min_len = min([len(m) for m in mask_idcs]) for i, mask_idc in enumerate(mask_idcs): if len(mask_idc) > min_len: mask_idc = np.random.choice(mask_idc, min_len, replace=False) mask[i, mask_idc] = True return mask class Wav2Vec2NoLayerNormConvLayer(nn.Module): def __init__(self, config, layer_id=0): super().__init__() self.in_conv_dim = config.conv_dim[layer_id] if layer_id > 0 else 1 self.out_conv_dim = config.conv_dim[layer_id] self.conv = nn.Conv1d( self.in_conv_dim, self.out_conv_dim, kernel_size=config.conv_kernel[layer_id], stride=config.conv_stride[layer_id], bias=config.conv_bias, ) self.activation = ACT2FN[config.feat_extract_activation] def forward(self, hidden_states): hidden_states = self.conv(hidden_states) hidden_states = self.activation(hidden_states) return hidden_states class Wav2Vec2LayerNormConvLayer(nn.Module): def __init__(self, config, layer_id=0): super().__init__() self.in_conv_dim = config.conv_dim[layer_id] if layer_id > 0 else 1 self.out_conv_dim = config.conv_dim[layer_id] self.conv = nn.Conv1d( self.in_conv_dim, self.out_conv_dim, kernel_size=config.conv_kernel[layer_id], stride=config.conv_stride[layer_id], bias=config.conv_bias, ) self.layer_norm = nn.LayerNorm(self.out_conv_dim, elementwise_affine=True) self.activation = ACT2FN[config.feat_extract_activation] def forward(self, hidden_states): hidden_states = self.conv(hidden_states) hidden_states = hidden_states.transpose(-2, -1) hidden_states = self.layer_norm(hidden_states) hidden_states = hidden_states.transpose(-2, -1) hidden_states = self.activation(hidden_states) return hidden_states class Wav2Vec2GroupNormConvLayer(nn.Module): def __init__(self, config, layer_id=0): super().__init__() self.in_conv_dim = config.conv_dim[layer_id] if layer_id > 0 else 1 self.out_conv_dim = config.conv_dim[layer_id] self.conv = nn.Conv1d( self.in_conv_dim, self.out_conv_dim, kernel_size=config.conv_kernel[layer_id], stride=config.conv_stride[layer_id], bias=config.conv_bias, ) self.activation = ACT2FN[config.feat_extract_activation] self.layer_norm = nn.GroupNorm(num_groups=self.out_conv_dim, num_channels=self.out_conv_dim, affine=True) def forward(self, hidden_states): hidden_states = self.conv(hidden_states) hidden_states = self.layer_norm(hidden_states) hidden_states = self.activation(hidden_states) return hidden_states class Wav2Vec2PositionalConvEmbedding(nn.Module): def __init__(self, config): super().__init__() self.conv = nn.Conv1d( config.hidden_size, config.hidden_size, kernel_size=config.num_conv_pos_embeddings, padding=config.num_conv_pos_embeddings // 2, groups=config.num_conv_pos_embedding_groups, ) self.conv = nn.utils.weight_norm(self.conv, name="weight", dim=2) self.padding = Wav2Vec2SamePadLayer(config.num_conv_pos_embeddings) self.activation = ACT2FN[config.feat_extract_activation] def forward(self, hidden_states): hidden_states = hidden_states.transpose(1, 2) hidden_states = self.conv(hidden_states) hidden_states = self.padding(hidden_states) hidden_states = self.activation(hidden_states) hidden_states = hidden_states.transpose(1, 2) return hidden_states class Wav2Vec2SamePadLayer(nn.Module): def __init__(self, num_conv_pos_embeddings): super().__init__() self.num_pad_remove = 1 if num_conv_pos_embeddings % 2 == 0 else 0 def forward(self, hidden_states): if self.num_pad_remove > 0: hidden_states = hidden_states[:, :, : -self.num_pad_remove] return hidden_states class Wav2Vec2FeatureExtractor(nn.Module): """Construct the featurs from raw audio waveform""" def __init__(self, config): super().__init__() if config.feat_extract_norm == "group": conv_layers = [Wav2Vec2GroupNormConvLayer(config, layer_id=0)] + [ Wav2Vec2NoLayerNormConvLayer(config, layer_id=i + 1) for i in range(config.num_feat_extract_layers - 1) ] elif config.feat_extract_norm == "layer": conv_layers = [ Wav2Vec2LayerNormConvLayer(config, layer_id=i) for i in range(config.num_feat_extract_layers) ] else: raise ValueError( f"`config.feat_extract_norm` is {config.feat_extract_norm}, but has to be one of ['group', 'layer']" ) self.conv_layers = nn.ModuleList(conv_layers) def _freeze_parameters(self): for param in self.parameters(): param.requires_grad = False def forward(self, input_values): hidden_states = input_values[:, None] for conv_layer in self.conv_layers: hidden_states = conv_layer(hidden_states) return hidden_states class Wav2Vec2FeatureProjection(nn.Module): def __init__(self, config): super().__init__() self.layer_norm = nn.LayerNorm(config.conv_dim[-1], eps=config.layer_norm_eps) self.projection = nn.Linear(config.conv_dim[-1], config.hidden_size) self.dropout = nn.Dropout(config.feat_proj_dropout) def forward(self, hidden_states): hidden_states = self.layer_norm(hidden_states) hidden_states = self.projection(hidden_states) hidden_states = self.dropout(hidden_states) return hidden_states # Copied from transformers.models.bart.modeling_bart.BartAttention with Bart->Wav2Vec2 class Wav2Vec2Attention(nn.Module): """Multi-headed attention from 'Attention Is All You Need' paper""" def __init__( self, embed_dim: int, num_heads: int, dropout: float = 0.0, is_decoder: bool = False, bias: bool = True, ): super().__init__() self.embed_dim = embed_dim self.num_heads = num_heads self.dropout = dropout self.head_dim = embed_dim // num_heads assert ( self.head_dim * num_heads == self.embed_dim ), f"embed_dim must be divisible by num_heads (got `embed_dim`: {self.embed_dim} and `num_heads`: {num_heads})." self.scaling = self.head_dim ** -0.5 self.is_decoder = is_decoder self.k_proj = nn.Linear(embed_dim, embed_dim, bias=bias) self.v_proj = nn.Linear(embed_dim, embed_dim, bias=bias) self.q_proj = nn.Linear(embed_dim, embed_dim, bias=bias) self.out_proj = nn.Linear(embed_dim, embed_dim, bias=bias) def _shape(self, tensor: torch.Tensor, seq_len: int, bsz: int): return tensor.view(bsz, seq_len, self.num_heads, self.head_dim).transpose(1, 2).contiguous() def forward( self, hidden_states: torch.Tensor, key_value_states: Optional[torch.Tensor] = None, past_key_value: Optional[Tuple[torch.Tensor]] = None, attention_mask: Optional[torch.Tensor] = None, layer_head_mask: Optional[torch.Tensor] = None, output_attentions: bool = False, ) -> Tuple[torch.Tensor, Optional[torch.Tensor], Optional[Tuple[torch.Tensor]]]: """Input shape: Batch x Time x Channel""" # if key_value_states are provided this layer is used as a cross-attention layer # for the decoder is_cross_attention = key_value_states is not None bsz, tgt_len, embed_dim = hidden_states.size() # get query proj query_states = self.q_proj(hidden_states) * self.scaling # get key, value proj if is_cross_attention and past_key_value is not None: # reuse k,v, cross_attentions key_states = past_key_value[0] value_states = past_key_value[1] elif is_cross_attention: # cross_attentions key_states = self._shape(self.k_proj(key_value_states), -1, bsz) value_states = self._shape(self.v_proj(key_value_states), -1, bsz) elif past_key_value is not None: # reuse k, v, self_attention key_states = self._shape(self.k_proj(hidden_states), -1, bsz) value_states = self._shape(self.v_proj(hidden_states), -1, bsz) key_states = torch.cat([past_key_value[0], key_states], dim=2) value_states = torch.cat([past_key_value[1], value_states], dim=2) else: # self_attention key_states = self._shape(self.k_proj(hidden_states), -1, bsz) value_states = self._shape(self.v_proj(hidden_states), -1, bsz) if self.is_decoder: # if cross_attention save Tuple(torch.Tensor, torch.Tensor) of all cross attention key/value_states. # Further calls to cross_attention layer can then reuse all cross-attention # key/value_states (first "if" case) # if uni-directional self-attention (decoder) save Tuple(torch.Tensor, torch.Tensor) of # all previous decoder key/value_states. Further calls to uni-directional self-attention # can concat previous decoder key/value_states to current projected key/value_states (third "elif" case) # if encoder bi-directional self-attention `past_key_value` is always `None` past_key_value = (key_states, value_states) proj_shape = (bsz * self.num_heads, -1, self.head_dim) query_states = self._shape(query_states, tgt_len, bsz).view(*proj_shape) key_states = key_states.view(*proj_shape) value_states = value_states.view(*proj_shape) src_len = key_states.size(1) attn_weights = torch.bmm(query_states, key_states.transpose(1, 2)) assert attn_weights.size() == ( bsz * self.num_heads, tgt_len, src_len, ), f"Attention weights should be of size {(bsz * self.num_heads, tgt_len, src_len)}, but is {attn_weights.size()}" if attention_mask is not None: assert attention_mask.size() == ( bsz, 1, tgt_len, src_len, ), f"Attention mask should be of size {(bsz, 1, tgt_len, src_len)}, but is {attention_mask.size()}" attn_weights = attn_weights.view(bsz, self.num_heads, tgt_len, src_len) + attention_mask attn_weights = attn_weights.view(bsz * self.num_heads, tgt_len, src_len) attn_weights = F.softmax(attn_weights, dim=-1) if layer_head_mask is not None: assert layer_head_mask.size() == ( self.num_heads, ), f"Head mask for a single layer should be of size {(self.num_heads,)}, but is {layer_head_mask.size()}" attn_weights = layer_head_mask.view(1, -1, 1, 1) * attn_weights.view(bsz, self.num_heads, tgt_len, src_len) attn_weights = attn_weights.view(bsz * self.num_heads, tgt_len, src_len) if output_attentions: # this operation is a bit akward, but it's required to # make sure that attn_weights keeps its gradient. # In order to do so, attn_weights have to reshaped # twice and have to be reused in the following attn_weights_reshaped = attn_weights.view(bsz, self.num_heads, tgt_len, src_len) attn_weights = attn_weights_reshaped.view(bsz * self.num_heads, tgt_len, src_len) else: attn_weights_reshaped = None attn_probs = F.dropout(attn_weights, p=self.dropout, training=self.training) attn_output = torch.bmm(attn_probs, value_states) assert attn_output.size() == ( bsz * self.num_heads, tgt_len, self.head_dim, ), f"`attn_output` should be of size {(bsz, self.num_heads, tgt_len, self.head_dim)}, but is {attn_output.size()}" attn_output = ( attn_output.view(bsz, self.num_heads, tgt_len, self.head_dim) .transpose(1, 2) .reshape(bsz, tgt_len, embed_dim) ) attn_output = self.out_proj(attn_output) return attn_output, attn_weights_reshaped, past_key_value class Wav2Vec2FeedForward(nn.Module): def __init__(self, config): super().__init__() self.intermediate_dropout = nn.Dropout(config.activation_dropout) self.intermediate_dense = nn.Linear(config.hidden_size, config.intermediate_size) if isinstance(config.hidden_act, str): self.intermediate_act_fn = ACT2FN[config.hidden_act] else: self.intermediate_act_fn = config.hidden_act self.output_dense = nn.Linear(config.intermediate_size, config.hidden_size) self.output_dropout = nn.Dropout(config.hidden_dropout) def forward(self, hidden_states): hidden_states = self.intermediate_dense(hidden_states) hidden_states = self.intermediate_act_fn(hidden_states) hidden_states = self.intermediate_dropout(hidden_states) hidden_states = self.output_dense(hidden_states) hidden_states = self.output_dropout(hidden_states) return hidden_states class Wav2Vec2Output(nn.Module): def __init__(self, config): super().__init__() def forward(self, hidden_states, input_tensor): return hidden_states class Wav2Vec2EncoderLayer(nn.Module): def __init__(self, config): super().__init__() self.attention = Wav2Vec2Attention( embed_dim=config.hidden_size, num_heads=config.num_attention_heads, dropout=config.attention_dropout, is_decoder=False, ) self.dropout = nn.Dropout(config.hidden_dropout) self.layer_norm = nn.LayerNorm(config.hidden_size, eps=config.layer_norm_eps) self.feed_forward = Wav2Vec2FeedForward(config) self.final_layer_norm = nn.LayerNorm(config.hidden_size, eps=config.layer_norm_eps) def forward(self, hidden_states, attention_mask=None, output_attentions=False): attn_residual = hidden_states hidden_states, attn_weights, _ = self.attention( hidden_states, attention_mask=attention_mask, output_attentions=output_attentions ) hidden_states = self.dropout(hidden_states) hidden_states = attn_residual + hidden_states hidden_states = self.layer_norm(hidden_states) hidden_states = hidden_states + self.feed_forward(hidden_states) hidden_states = self.final_layer_norm(hidden_states) outputs = (hidden_states,) if output_attentions: outputs += (attn_weights,) return outputs class Wav2Vec2EncoderLayerStableLayerNorm(nn.Module): def __init__(self, config): super().__init__() self.attention = Wav2Vec2Attention( embed_dim=config.hidden_size, num_heads=config.num_attention_heads, dropout=config.attention_dropout, is_decoder=False, ) self.dropout = nn.Dropout(config.hidden_dropout) self.layer_norm = nn.LayerNorm(config.hidden_size, eps=config.layer_norm_eps) self.feed_forward = Wav2Vec2FeedForward(config) self.final_layer_norm = nn.LayerNorm(config.hidden_size, eps=config.layer_norm_eps) def forward(self, hidden_states, attention_mask=None, output_attentions=False): attn_residual = hidden_states hidden_states = self.layer_norm(hidden_states) hidden_states, attn_weights, _ = self.attention( hidden_states, attention_mask=attention_mask, output_attentions=output_attentions ) hidden_states = self.dropout(hidden_states) hidden_states = attn_residual + hidden_states hidden_states = hidden_states + self.feed_forward(self.final_layer_norm(hidden_states)) outputs = (hidden_states,) if output_attentions: outputs += (attn_weights,) return outputs class Wav2Vec2Encoder(nn.Module): def __init__(self, config): super().__init__() self.config = config self.pos_conv_embed = Wav2Vec2PositionalConvEmbedding(config) self.layer_norm = nn.LayerNorm(config.hidden_size, eps=config.layer_norm_eps) self.dropout = nn.Dropout(config.hidden_dropout) self.layers = nn.ModuleList([Wav2Vec2EncoderLayer(config) for _ in range(config.num_hidden_layers)]) def forward( self, hidden_states, attention_mask=None, output_attentions=False, output_hidden_states=False, return_dict=True, ): all_hidden_states = () if output_hidden_states else None all_self_attentions = () if output_attentions else None if attention_mask is not None: # make sure padded tokens output 0 hidden_states[~attention_mask] = 0.0 # extend attention_mask attention_mask = (1.0 - attention_mask[:, None, None, :].to(dtype=hidden_states.dtype)) * -10000.0 attention_mask = attention_mask.expand( attention_mask.shape[0], 1, attention_mask.shape[-1], attention_mask.shape[-1] ) position_embeddings = self.pos_conv_embed(hidden_states) hidden_states = hidden_states + position_embeddings hidden_states = self.layer_norm(hidden_states) hidden_states = self.dropout(hidden_states) for layer in self.layers: if output_hidden_states: all_hidden_states = all_hidden_states + (hidden_states,) # add LayerDrop (see https://arxiv.org/abs/1909.11556 for description) dropout_probability = np.random.uniform(0, 1) if self.training and (dropout_probability < self.config.layerdrop): # skip the layer layer_outputs = (None, None) else: if getattr(self.config, "gradient_checkpointing", False) and self.training: # create gradient checkpointing function def create_custom_forward(module): def custom_forward(*inputs): return module(*inputs, output_attentions) return custom_forward layer_outputs = torch.utils.checkpoint.checkpoint( create_custom_forward(layer), hidden_states, attention_mask, ) else: layer_outputs = layer( hidden_states, attention_mask=attention_mask, output_attentions=output_attentions ) hidden_states = layer_outputs[0] if output_attentions: all_self_attentions = all_self_attentions + (layer_outputs[1],) if output_hidden_states: all_hidden_states = all_hidden_states + (hidden_states,) if not return_dict: return tuple(v for v in [hidden_states, all_hidden_states, all_self_attentions] if v is not None) return BaseModelOutput( last_hidden_state=hidden_states, hidden_states=all_hidden_states, attentions=all_self_attentions, ) class Wav2Vec2EncoderStableLayerNorm(nn.Module): def __init__(self, config): super().__init__() self.config = config self.pos_conv_embed = Wav2Vec2PositionalConvEmbedding(config) self.layer_norm = nn.LayerNorm(config.hidden_size, eps=config.layer_norm_eps) self.dropout = nn.Dropout(config.hidden_dropout) self.layers = nn.ModuleList( [Wav2Vec2EncoderLayerStableLayerNorm(config) for _ in range(config.num_hidden_layers)] ) def forward( self, hidden_states, attention_mask=None, output_attentions=False, output_hidden_states=False, return_dict=True, ): all_hidden_states = () if output_hidden_states else None all_self_attentions = () if output_attentions else None if attention_mask is not None: # make sure padded tokens are not attended to hidden_states[~attention_mask] = 0 # extend attention_mask attention_mask = (1.0 - attention_mask[:, None, None, :].to(dtype=hidden_states.dtype)) * -10000.0 attention_mask = attention_mask.expand( attention_mask.shape[0], 1, attention_mask.shape[-1], attention_mask.shape[-1] ) position_embeddings = self.pos_conv_embed(hidden_states) hidden_states = hidden_states + position_embeddings hidden_states = self.dropout(hidden_states) for layer in self.layers: if output_hidden_states: all_hidden_states = all_hidden_states + (hidden_states,) # add LayerDrop (see https://arxiv.org/abs/1909.11556 for description) dropout_probability = np.random.uniform(0, 1) if self.training and (dropout_probability < self.config.layerdrop): # skip the layer layer_outputs = (None, None) else: if getattr(self.config, "gradient_checkpointing", False) and self.training: # create gradient checkpointing function def create_custom_forward(module): def custom_forward(*inputs): return module(*inputs, output_attentions) return custom_forward layer_outputs = torch.utils.checkpoint.checkpoint( create_custom_forward(layer), hidden_states, attention_mask, ) else: layer_outputs = layer( hidden_states, attention_mask=attention_mask, output_attentions=output_attentions ) hidden_states = layer_outputs[0] if output_attentions: all_self_attentions = all_self_attentions + (layer_outputs[1],) hidden_states = self.layer_norm(hidden_states) if output_hidden_states: all_hidden_states = all_hidden_states + (hidden_states,) if not return_dict: return tuple(v for v in [hidden_states, all_hidden_states, all_self_attentions] if v is not None) return BaseModelOutput( last_hidden_state=hidden_states, hidden_states=all_hidden_states, attentions=all_self_attentions, ) class Wav2Vec2PreTrainedModel(PreTrainedModel): """ An abstract class to handle weights initialization and a simple interface for downloading and loading pretrained models. """ config_class = Wav2Vec2Config base_model_prefix = "wav2vec2" _keys_to_ignore_on_load_missing = [r"position_ids"] def _init_weights(self, module): """ Initialize the weights """ if isinstance(module, nn.Linear): # Slightly different from the TF version which uses truncated_normal for initialization # cf https://github.com/pytorch/pytorch/pull/5617 module.weight.data.normal_(mean=0.0, std=self.config.initializer_range) elif isinstance(module, (nn.LayerNorm, nn.GroupNorm)): module.bias.data.zero_() module.weight.data.fill_(1.0) elif isinstance(module, nn.Conv1d): torch.nn.init.kaiming_normal_(module.weight.data) if isinstance(module, (nn.Linear, nn.Conv1d)) and module.bias is not None: module.bias.data.zero_() def _get_feat_extract_output_lengths(self, input_lengths: torch.LongTensor): """ Computes the output length of the convolutional layers """ def _conv_out_length(input_length, kernel_size, stride): # 1D convolutional layer output length formula taken # from https://pytorch.org/docs/stable/generated/torch.nn.Conv1d.html return (input_length - kernel_size) // stride + 1 for kernel_size, stride in zip(self.config.conv_kernel, self.config.conv_stride): input_lengths = _conv_out_length(input_lengths, kernel_size, stride) return input_lengths.to(torch.long) WAV_2_VEC_2_START_DOCSTRING = r""" Wav2Vec2 was proposed in `wav2vec 2.0: A Framework for Self-Supervised Learning of Speech Representations <https://arxiv.org/abs/2006.11477>`__ by Alexei Baevski, Henry Zhou, Abdelrahman Mohamed, Michael Auli. This model inherits from :class:`~transformers.PreTrainedModel`. Check the superclass documentation for the generic methods the library implements for all its model (such as downloading or saving etc.). This model is a PyTorch `torch.nn.Module <https://pytorch.org/docs/stable/nn.html#torch.nn.Module>`_ sub-class. Use it as a regular PyTorch Module and refer to the PyTorch documentation for all matter related to general usage and behavior. Parameters: config (:class:`~transformers.Wav2Vec2Config`): Model configuration class with all the parameters of the model. Initializing with a config file does not load the weights associated with the model, only the configuration. Check out the :meth:`~transformers.PreTrainedModel.from_pretrained` method to load the model weights. """ WAV_2_VEC_2_INPUTS_DOCSTRING = r""" Args: input_values (:obj:`torch.FloatTensor` of shape :obj:`(batch_size, sequence_length)`): Float values of input raw speech waveform. Values can be obtained by loading a `.flac` or `.wav` audio file into an array of type `List[float]` or a `numpy.ndarray`, *e.g.* via the soundfile library (`pip install soundfile`). To prepare the array into `input_values`, the :class:`~transformers.Wav2Vec2Processor` should be used for padding and conversion into a tensor of type `torch.FloatTensor`. See :meth:`transformers.Wav2Vec2Processor.__call__` for details. attention_mask (:obj:`torch.LongTensor` of shape :obj:`(batch_size, sequence_length)`, `optional`): Mask to avoid performing convolution and attention on padding token indices. Mask values selected in ``[0, 1]``: - 1 for tokens that are **not masked**, - 0 for tokens that are **masked**. `What are attention masks? <../glossary.html#attention-mask>`__ .. warning:: :obj:`attention_mask` should only be passed if the corresponding processor has ``config.return_attention_mask == True``. For all models whose processor has ``config.return_attention_mask == False``, such as `wav2vec2-base <https://huggingface.co/facebook/wav2vec2-base-960h>`__, :obj:`attention_mask` should **not** be passed to avoid degraded performance when doing batched inference. For such models :obj:`input_values` should simply be padded with 0 and passed without :obj:`attention_mask`. Be aware that these models also yield slightly different results depending on whether :obj:`input_values` is padded or not. output_attentions (:obj:`bool`, `optional`): Whether or not to return the attentions tensors of all attention layers. See ``attentions`` under returned tensors for more detail. output_hidden_states (:obj:`bool`, `optional`): Whether or not to return the hidden states of all layers. See ``hidden_states`` under returned tensors for more detail. return_dict (:obj:`bool`, `optional`): Whether or not to return a :class:`~transformers.file_utils.ModelOutput` instead of a plain tuple. """ @add_start_docstrings( "The bare Wav2Vec2 Model transformer outputting raw hidden-states without any specific head on top.", WAV_2_VEC_2_START_DOCSTRING, ) class Wav2Vec2Model(Wav2Vec2PreTrainedModel): def __init__(self, config): super().__init__(config) self.config = config self.feature_extractor = Wav2Vec2FeatureExtractor(config) self.feature_projection = Wav2Vec2FeatureProjection(config) self.masked_spec_embed = nn.Parameter(torch.FloatTensor(config.hidden_size).uniform_()) if config.do_stable_layer_norm: self.encoder = Wav2Vec2EncoderStableLayerNorm(config) else: self.encoder = Wav2Vec2Encoder(config) self.init_weights() @add_start_docstrings_to_model_forward(WAV_2_VEC_2_INPUTS_DOCSTRING) @replace_return_docstrings(output_type=BaseModelOutput, config_class=_CONFIG_FOR_DOC) def forward( self, input_values, attention_mask=None, output_attentions=None, output_hidden_states=None, return_dict=None, ): """ Returns: Example:: >>> from transformers import Wav2Vec2Processor, Wav2Vec2Model >>> from datasets import load_dataset >>> import soundfile as sf >>> processor = Wav2Vec2Processor.from_pretrained("facebook/wav2vec2-base-960h") >>> model = Wav2Vec2Model.from_pretrained("facebook/wav2vec2-base-960h") >>> def map_to_array(batch): >>> speech, _ = sf.read(batch["file"]) >>> batch["speech"] = speech >>> return batch >>> ds = load_dataset("patrickvonplaten/librispeech_asr_dummy", "clean", split="validation") >>> ds = ds.map(map_to_array) >>> input_values = processor(ds["speech"][0], return_tensors="pt").input_values # Batch size 1 >>> hidden_states = model(input_values).last_hidden_state """ output_attentions = output_attentions if output_attentions is not None else self.config.output_attentions output_hidden_states = ( output_hidden_states if output_hidden_states is not None else self.config.output_hidden_states ) return_dict = return_dict if return_dict is not None else self.config.use_return_dict hidden_states = self.feature_extractor(input_values) hidden_states = hidden_states.transpose(1, 2) if attention_mask is not None: # compute real output lengths according to convolution formula output_lengths = self._get_feat_extract_output_lengths(attention_mask.sum(-1)) attention_mask = torch.zeros( hidden_states.shape[:2], dtype=hidden_states.dtype, device=hidden_states.device ) # these two operations makes sure that all values # before the output lengths indices are attended to attention_mask[ (torch.arange(attention_mask.shape[0], device=hidden_states.device), output_lengths - 1) ] = 1 attention_mask = attention_mask.flip([-1]).cumsum(-1).flip([-1]).bool() hidden_states = self.feature_projection(hidden_states) if self.config.apply_spec_augment and self.training: batch_size, sequence_length, hidden_size = hidden_states.size() # apply SpecAugment along time axis if self.config.mask_time_prob > 0: mask_time_indices = _compute_mask_indices( (batch_size, sequence_length), self.config.mask_time_prob, self.config.mask_time_length, attention_mask=attention_mask, min_masks=2, ) hidden_states[torch.from_numpy(mask_time_indices)] = self.masked_spec_embed.to(hidden_states.dtype) # apply SpecAugment along feature axis if self.config.mask_feature_prob > 0: mask_feature_indices = _compute_mask_indices( (batch_size, hidden_size), self.config.mask_feature_prob, self.config.mask_feature_length, ) mask_feature_indices = torch.from_numpy(mask_feature_indices).to(hidden_states.device) hidden_states[mask_feature_indices[:, None].expand(-1, sequence_length, -1)] = 0 encoder_outputs = self.encoder( hidden_states, attention_mask=attention_mask, output_attentions=output_attentions, output_hidden_states=output_hidden_states, return_dict=return_dict, ) hidden_states = encoder_outputs[0] if not return_dict: return (hidden_states,) + encoder_outputs[1:] return BaseModelOutput( last_hidden_state=hidden_states, hidden_states=encoder_outputs.hidden_states, attentions=encoder_outputs.attentions, ) @add_start_docstrings("""Wav2Vec2 Model with a `language modeling` head on top. """, WAV_2_VEC_2_START_DOCSTRING) class Wav2Vec2ForMaskedLM(Wav2Vec2PreTrainedModel): def __init__(self, config): super().__init__(config) warnings.warn( "The class `Wav2Vec2ForMaskedLM` is deprecated. Please use `Wav2Vec2ForCTC` instead.", FutureWarning ) self.wav2vec2 = Wav2Vec2Model(config) self.dropout = nn.Dropout(config.final_dropout) self.lm_head = nn.Linear(config.hidden_size, config.vocab_size) self.init_weights() @add_start_docstrings_to_model_forward(WAV_2_VEC_2_INPUTS_DOCSTRING) @replace_return_docstrings(output_type=BaseModelOutput, config_class=_CONFIG_FOR_DOC) def forward( self, input_values, attention_mask=None, output_attentions=None, output_hidden_states=None, return_dict=None, labels=None, ): r""" labels (:obj:`torch.LongTensor` of shape :obj:`(batch_size, sequence_length, hidden_size)`, `optional`): TODO(PVP): Fill out when adding training Returns: Example:: >>> from transformers import Wav2Vec2Processor, Wav2Vec2Model >>> from datasets import load_dataset >>> import soundfile as sf >>> processor = Wav2Vec2Processor.from_pretrained("facebook/wav2vec2-base-960h") >>> model = Wav2Vec2ForMaskedLM.from_pretrained("facebook/wav2vec2-base-960h") >>> def map_to_array(batch): >>> speech, _ = sf.read(batch["file"]) >>> batch["speech"] = speech >>> return batch >>> ds = load_dataset("patrickvonplaten/librispeech_asr_dummy", "clean", split="validation") >>> ds = ds.map(map_to_array) >>> input_values = processor(ds["speech"][0], return_tensors="pt").input_values # Batch size 1 >>> logits = model(input_values).logits >>> predicted_ids = torch.argmax(logits, dim=-1) >>> transcription = processor.decode(predicted_ids[0]) """ return_dict = return_dict if return_dict is not None else self.config.use_return_dict outputs = self.wav2vec2( input_values, output_attentions=output_attentions, output_hidden_states=output_hidden_states, return_dict=return_dict, ) hidden_states = outputs[0] hidden_states = self.dropout(hidden_states) logits = self.lm_head(hidden_states) if not return_dict: output = (logits,) + outputs[1:] return output return MaskedLMOutput(logits=logits, hidden_states=outputs.hidden_states, attentions=outputs.attentions) @add_start_docstrings( """Wav2Vec2 Model with a `language modeling` head on top for Connectionist Temporal Classification (CTC). """, WAV_2_VEC_2_START_DOCSTRING, ) class Wav2Vec2ForCTC(Wav2Vec2PreTrainedModel): def __init__(self, config): super().__init__(config) self.wav2vec2 = Wav2Vec2Model(config) self.dropout = nn.Dropout(config.final_dropout) self.lm_head = nn.Linear(config.hidden_size, config.vocab_size) self.init_weights() def freeze_feature_extractor(self): """ Calling this function will disable the gradient computation for the feature extractor so that its parameter will not be updated during training. """ self.wav2vec2.feature_extractor._freeze_parameters() @add_start_docstrings_to_model_forward(WAV_2_VEC_2_INPUTS_DOCSTRING) @replace_return_docstrings(output_type=BaseModelOutput, config_class=_CONFIG_FOR_DOC) def forward( self, input_values, attention_mask=None, output_attentions=None, output_hidden_states=None, return_dict=None, labels=None, ): r""" labels (:obj:`torch.LongTensor` of shape :obj:`(batch_size, target_length)`, `optional`): Labels for connectionist temporal classification. Note that ``target_length`` has to be smaller or equal to the sequence length of the output logits. Indices are selected in ``[-100, 0, ..., config.vocab_size - 1]``. All labels set to ``-100`` are ignored (masked), the loss is only computed for labels in ``[0, ..., config.vocab_size - 1]``. Returns: Example:: >>> import torch >>> from transformers import Wav2Vec2Processor, Wav2Vec2ForCTC >>> from datasets import load_dataset >>> import soundfile as sf >>> processor = Wav2Vec2Processor.from_pretrained("facebook/wav2vec2-base-960h") >>> model = Wav2Vec2ForCTC.from_pretrained("facebook/wav2vec2-base-960h") >>> def map_to_array(batch): >>> speech, _ = sf.read(batch["file"]) >>> batch["speech"] = speech >>> return batch >>> ds = load_dataset("patrickvonplaten/librispeech_asr_dummy", "clean", split="validation") >>> ds = ds.map(map_to_array) >>> input_values = processor(ds["speech"][0], return_tensors="pt").input_values # Batch size 1 >>> logits = model(input_values).logits >>> predicted_ids = torch.argmax(logits, dim=-1) >>> transcription = processor.decode(predicted_ids[0]) >>> # compute loss >>> target_transcription = "A MAN SAID TO THE UNIVERSE SIR I EXIST" >>> # wrap processor as target processor to encode labels >>> with processor.as_target_processor(): >>> labels = processor(transcription, return_tensors="pt").input_ids >>> loss = model(input_values, labels=labels).loss """ return_dict = return_dict if return_dict is not None else self.config.use_return_dict outputs = self.wav2vec2( input_values, attention_mask=attention_mask, output_attentions=output_attentions, output_hidden_states=output_hidden_states, return_dict=return_dict, ) hidden_states = outputs[0] hidden_states = self.dropout(hidden_states) logits = self.lm_head(hidden_states) loss = None if labels is not None: # retrieve loss input_lengths from attention_mask attention_mask = ( attention_mask if attention_mask is not None else torch.ones_like(input_values, dtype=torch.long) ) input_lengths = self._get_feat_extract_output_lengths(attention_mask.sum(-1)) # assuming that padded tokens are filled with -100 # when not being attended to labels_mask = labels >= 0 target_lengths = labels_mask.sum(-1) flattened_targets = labels.masked_select(labels_mask) log_probs = F.log_softmax(logits, dim=-1).transpose(0, 1) with torch.backends.cudnn.flags(enabled=False): loss = F.ctc_loss( log_probs, flattened_targets, input_lengths, target_lengths, blank=self.config.pad_token_id, reduction=self.config.ctc_loss_reduction, zero_infinity=self.config.ctc_zero_infinity, ) if not return_dict: output = (logits,) + outputs[1:] return ((loss,) + output) if loss is not None else output return CausalLMOutput( loss=loss, logits=logits, hidden_states=outputs.hidden_states, attentions=outputs.attentions )
AdaMix/src/transformers/models/wav2vec2/modeling_wav2vec2.py/0
{ "file_path": "AdaMix/src/transformers/models/wav2vec2/modeling_wav2vec2.py", "repo_id": "AdaMix", "token_count": 20094 }
66
# flake8: noqa # There's no way to ignore "F401 '...' imported but unused" warnings in this # module, but to preserve other warnings. So, don't check this module at all. # Copyright 2020 The HuggingFace Team. All rights reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. # You may obtain a copy of the License at # # http://www.apache.org/licenses/LICENSE-2.0 # # Unless required by applicable law or agreed to in writing, software # distributed under the License is distributed on an "AS IS" BASIS, # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. # See the License for the specific language governing permissions and # limitations under the License. from typing import TYPE_CHECKING from ...file_utils import ( _BaseLazyModule, is_sentencepiece_available, is_tf_available, is_tokenizers_available, is_torch_available, ) _import_structure = { "configuration_xlnet": ["XLNET_PRETRAINED_CONFIG_ARCHIVE_MAP", "XLNetConfig"], } if is_sentencepiece_available(): _import_structure["tokenization_xlnet"] = ["XLNetTokenizer"] if is_tokenizers_available(): _import_structure["tokenization_xlnet_fast"] = ["XLNetTokenizerFast"] if is_torch_available(): _import_structure["modeling_xlnet"] = [ "XLNET_PRETRAINED_MODEL_ARCHIVE_LIST", "XLNetForMultipleChoice", "XLNetForQuestionAnswering", "XLNetForQuestionAnsweringSimple", "XLNetForSequenceClassification", "XLNetForTokenClassification", "XLNetLMHeadModel", "XLNetModel", "XLNetPreTrainedModel", "load_tf_weights_in_xlnet", ] if is_tf_available(): _import_structure["modeling_tf_xlnet"] = [ "TF_XLNET_PRETRAINED_MODEL_ARCHIVE_LIST", "TFXLNetForMultipleChoice", "TFXLNetForQuestionAnsweringSimple", "TFXLNetForSequenceClassification", "TFXLNetForTokenClassification", "TFXLNetLMHeadModel", "TFXLNetMainLayer", "TFXLNetModel", "TFXLNetPreTrainedModel", ] if TYPE_CHECKING: from .configuration_xlnet import XLNET_PRETRAINED_CONFIG_ARCHIVE_MAP, XLNetConfig if is_sentencepiece_available(): from .tokenization_xlnet import XLNetTokenizer if is_tokenizers_available(): from .tokenization_xlnet_fast import XLNetTokenizerFast if is_torch_available(): from .modeling_xlnet import ( XLNET_PRETRAINED_MODEL_ARCHIVE_LIST, XLNetForMultipleChoice, XLNetForQuestionAnswering, XLNetForQuestionAnsweringSimple, XLNetForSequenceClassification, XLNetForTokenClassification, XLNetLMHeadModel, XLNetModel, XLNetPreTrainedModel, load_tf_weights_in_xlnet, ) if is_tf_available(): from .modeling_tf_xlnet import ( TF_XLNET_PRETRAINED_MODEL_ARCHIVE_LIST, TFXLNetForMultipleChoice, TFXLNetForQuestionAnsweringSimple, TFXLNetForSequenceClassification, TFXLNetForTokenClassification, TFXLNetLMHeadModel, TFXLNetMainLayer, TFXLNetModel, TFXLNetPreTrainedModel, ) else: import importlib import os import sys class _LazyModule(_BaseLazyModule): """ Module class that surfaces all objects but only performs associated imports when the objects are requested. """ __file__ = globals()["__file__"] __path__ = [os.path.dirname(__file__)] def _get_module(self, module_name: str): return importlib.import_module("." + module_name, self.__name__) sys.modules[__name__] = _LazyModule(__name__, _import_structure)
AdaMix/src/transformers/models/xlnet/__init__.py/0
{ "file_path": "AdaMix/src/transformers/models/xlnet/__init__.py", "repo_id": "AdaMix", "token_count": 1597 }
67
import uuid from typing import Any, Dict, List, Optional, Union from ..file_utils import add_end_docstrings, is_tf_available, is_torch_available from ..utils import logging from .base import PIPELINE_INIT_ARGS, Pipeline if is_tf_available(): import tensorflow as tf if is_torch_available(): import torch logger = logging.get_logger(__name__) class Conversation: """ Utility class containing a conversation and its history. This class is meant to be used as an input to the :class:`~transformers.ConversationalPipeline`. The conversation contains a number of utility function to manage the addition of new user input and generated model responses. A conversation needs to contain an unprocessed user input before being passed to the :class:`~transformers.ConversationalPipeline`. This user input is either created when the class is instantiated, or by calling :obj:`conversational_pipeline.append_response("input")` after a conversation turn. Arguments: text (:obj:`str`, `optional`): The initial user input to start the conversation. If not provided, a user input needs to be provided manually using the :meth:`~transformers.Conversation.add_user_input` method before the conversation can begin. conversation_id (:obj:`uuid.UUID`, `optional`): Unique identifier for the conversation. If not provided, a random UUID4 id will be assigned to the conversation. past_user_inputs (:obj:`List[str]`, `optional`): Eventual past history of the conversation of the user. You don't need to pass it manually if you use the pipeline interactively but if you want to recreate history you need to set both :obj:`past_user_inputs` and :obj:`generated_responses` with equal length lists of strings generated_responses (:obj:`List[str]`, `optional`): Eventual past history of the conversation of the model. You don't need to pass it manually if you use the pipeline interactively but if you want to recreate history you need to set both :obj:`past_user_inputs` and :obj:`generated_responses` with equal length lists of strings Usage:: conversation = Conversation("Going to the movies tonight - any suggestions?") # Steps usually performed by the model when generating a response: # 1. Mark the user input as processed (moved to the history) conversation.mark_processed() # 2. Append a mode response conversation.append_response("The Big lebowski.") conversation.add_user_input("Is it good?") """ def __init__( self, text: str = None, conversation_id: uuid.UUID = None, past_user_inputs=None, generated_responses=None ): if not conversation_id: conversation_id = uuid.uuid4() if past_user_inputs is None: past_user_inputs = [] if generated_responses is None: generated_responses = [] self.uuid: uuid.UUID = conversation_id self.past_user_inputs: List[str] = past_user_inputs self.generated_responses: List[str] = generated_responses self.new_user_input: Optional[str] = text def __eq__(self, other): if not isinstance(other, Conversation): return False if self.uuid == other.uuid: return True return ( self.new_user_input == other.new_user_input and self.past_user_inputs == other.past_user_inputs and self.generated_responses == other.generated_responses ) def add_user_input(self, text: str, overwrite: bool = False): """ Add a user input to the conversation for the next round. This populates the internal :obj:`new_user_input` field. Args: text (:obj:`str`): The user input for the next conversation round. overwrite (:obj:`bool`, `optional`, defaults to :obj:`False`): Whether or not existing and unprocessed user input should be overwritten when this function is called. """ if self.new_user_input: if overwrite: logger.warning( 'User input added while unprocessed input was existing: "{}" was overwritten with: "{}".'.format( self.new_user_input, text ) ) self.new_user_input = text else: logger.warning( 'User input added while unprocessed input was existing: "{}" new input ignored: "{}". ' "Set `overwrite` to True to overwrite unprocessed user input".format(self.new_user_input, text) ) else: self.new_user_input = text def mark_processed(self): """ Mark the conversation as processed (moves the content of :obj:`new_user_input` to :obj:`past_user_inputs`) and empties the :obj:`new_user_input` field. """ if self.new_user_input: self.past_user_inputs.append(self.new_user_input) self.new_user_input = None def append_response(self, response: str): """ Append a response to the list of generated responses. Args: response (:obj:`str`): The model generated response. """ self.generated_responses.append(response) def iter_texts(self): """ Iterates over all blobs of the conversation. Retuns: Iterator of (is_user, text_chunk) in chronological order of the conversation. ``is_user`` is a :obj:`bool`, ``text_chunks`` is a :obj:`str`. """ for user_input, generated_response in zip(self.past_user_inputs, self.generated_responses): yield True, user_input yield False, generated_response if self.new_user_input: yield True, self.new_user_input def __repr__(self): """ Generates a string representation of the conversation. Return: :obj:`str`: Example: Conversation id: 7d15686b-dc94-49f2-9c4b-c9eac6a1f114 user >> Going to the movies tonight - any suggestions? bot >> The Big Lebowski """ output = "Conversation id: {} \n".format(self.uuid) for is_user, text in self.iter_texts(): name = "user" if is_user else "bot" output += "{} >> {} \n".format(name, text) return output @add_end_docstrings( PIPELINE_INIT_ARGS, r""" min_length_for_response (:obj:`int`, `optional`, defaults to 32): The minimum length (in number of tokens) for a response. """, ) class ConversationalPipeline(Pipeline): """ Multi-turn conversational pipeline. This conversational pipeline can currently be loaded from :func:`~transformers.pipeline` using the following task identifier: :obj:`"conversational"`. The models that this pipeline can use are models that have been fine-tuned on a multi-turn conversational task, currently: `'microsoft/DialoGPT-small'`, `'microsoft/DialoGPT-medium'`, `'microsoft/DialoGPT-large'`. See the up-to-date list of available models on `huggingface.co/models <https://huggingface.co/models?filter=conversational>`__. Usage:: conversational_pipeline = pipeline("conversational") conversation_1 = Conversation("Going to the movies tonight - any suggestions?") conversation_2 = Conversation("What's the last book you have read?") conversational_pipeline([conversation_1, conversation_2]) conversation_1.add_user_input("Is it an action movie?") conversation_2.add_user_input("What is the genre of this book?") conversational_pipeline([conversation_1, conversation_2]) """ def __init__(self, min_length_for_response=32, *args, **kwargs): super().__init__(*args, **kwargs) # We need at least an eos_token assert self.tokenizer.eos_token_id is not None, "ConversationalPipeline tokenizer should have an EOS token set" if self.tokenizer.pad_token_id is None: self.tokenizer.pad_token = self.tokenizer.eos_token self.min_length_for_response = min_length_for_response def __call__( self, conversations: Union[Conversation, List[Conversation]], clean_up_tokenization_spaces=True, **generate_kwargs ): r""" Generate responses for the conversation(s) given as inputs. Args: conversations (a :class:`~transformers.Conversation` or a list of :class:`~transformers.Conversation`): Conversations to generate responses for. clean_up_tokenization_spaces (:obj:`bool`, `optional`, defaults to :obj:`False`): Whether or not to clean up the potential extra spaces in the text output. generate_kwargs: Additional keyword arguments to pass along to the generate method of the model (see the generate method corresponding to your framework `here <./model.html#generative-models>`__). Returns: :class:`~transformers.Conversation` or a list of :class:`~transformers.Conversation`: Conversation(s) with updated generated responses for those containing a new user input. """ if isinstance(conversations, Conversation): conversations = [conversations] # Input validation if isinstance(conversations, list): for conversation in conversations: assert isinstance( conversation, Conversation ), "ConversationalPipeline expects a Conversation or list of Conversations as an input" if conversation.new_user_input is None: raise ValueError( "Conversation with UUID {} does not contain new user input to process. " "Add user inputs with the conversation's `add_user_input` method".format( type(conversation.uuid) ) ) assert ( self.tokenizer.pad_token_id is not None or self.tokenizer.eos_token_id is not None ), "Please make sure that the tokenizer has a pad_token_id or eos_token_id when using a batch input" else: raise ValueError("ConversationalPipeline expects a Conversation or list of Conversations as an input") with self.device_placement(): inputs = self._parse_and_tokenize(conversations) if self.framework == "pt": inputs = self.ensure_tensor_on_device(**inputs) input_length = inputs["input_ids"].shape[-1] elif self.framework == "tf": input_length = tf.shape(inputs["input_ids"])[-1].numpy() generated_responses = self.model.generate( inputs["input_ids"], attention_mask=inputs["attention_mask"], **generate_kwargs, ) if self.model.config.is_encoder_decoder: if self.framework == "pt": history = torch.cat((inputs["input_ids"], generated_responses[:, 1:]), 1) elif self.framework == "tf": history = tf.concat([inputs["input_ids"], generated_responses[:, 1:]], 1) else: history = generated_responses history = self._clean_padding_history(history) if self.model.config.is_encoder_decoder: start_position = 1 else: start_position = input_length output = [] for conversation_index, conversation in enumerate(conversations): conversation.mark_processed() conversation.generated_responses.append( self.tokenizer.decode( generated_responses[conversation_index][start_position:], skip_special_tokens=True, clean_up_tokenization_spaces=clean_up_tokenization_spaces, ) ) output.append(conversation) if len(output) == 1: return output[0] else: return output def _clean_padding_history(self, generated_tensor) -> List[List[int]]: """ Cleans the padding history. Padding may be generated in two places when multiple conversations are provided as an input: - at the end of the concatenated history and new user input, so that all input to the model have the same length - at the end of the generated response, as some responses will be longer than others This method cleans up these padding token so that the history for each conversation is not impacted by the batching process. """ outputs = [] for sequence in generated_tensor: sequence_tokens = [] is_previous_pad = False for token in sequence: if token == self.tokenizer.pad_token_id: if self.tokenizer.pad_token_id != self.tokenizer.eos_token_id: continue if is_previous_pad: continue else: is_previous_pad = True else: is_previous_pad = False if self.framework == "pt": sequence_tokens.append(token.item()) else: sequence_tokens.append(int(token.numpy())) outputs.append(sequence_tokens) return outputs def _legacy_parse_and_tokenize(self, conversation: List[Conversation]) -> List[int]: eos_token_id = self.tokenizer.eos_token_id input_ids = [] for is_user, text in conversation.iter_texts(): input_ids.extend(self.tokenizer.encode(text, add_special_tokens=False) + [eos_token_id]) if len(input_ids) > self.tokenizer.model_max_length: input_ids = input_ids[-self.model_max_length :] return input_ids def _parse_and_tokenize(self, conversations: List[Conversation]) -> Dict[str, Any]: if hasattr(self.tokenizer, "_build_conversation_input_ids"): input_ids = [self.tokenizer._build_conversation_input_ids(conversation) for conversation in conversations] else: # If the tokenizer cannot handle conversations, we default to only the old version input_ids = [self._legacy_parse_and_tokenize(conversation) for conversation in conversations] inputs = self.tokenizer.pad( {"input_ids": input_ids}, padding="longest", return_attention_mask=True, return_tensors=self.framework ) return inputs
AdaMix/src/transformers/pipelines/conversational.py/0
{ "file_path": "AdaMix/src/transformers/pipelines/conversational.py", "repo_id": "AdaMix", "token_count": 6364 }
68
# coding=utf-8 # Copyright 2020 The HuggingFace Inc. team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. # You may obtain a copy of the License at # # http://www.apache.org/licenses/LICENSE-2.0 # # Unless required by applicable law or agreed to in writing, software # distributed under the License is distributed on an "AS IS" BASIS, # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. # See the License for the specific language governing permissions and # limitations under the License. """ Tokenization classes for fast tokenizers (provided by HuggingFace's tokenizers library). For slow (python) tokenizers see tokenization_utils.py """ import json import os from collections import defaultdict from typing import Any, Dict, List, Optional, Tuple, Union from tokenizers import Encoding as EncodingFast from tokenizers import Tokenizer as TokenizerFast from tokenizers.decoders import Decoder as DecoderFast from .convert_slow_tokenizer import convert_slow_tokenizer from .file_utils import PaddingStrategy, add_end_docstrings from .tokenization_utils import PreTrainedTokenizer from .tokenization_utils_base import ( INIT_TOKENIZER_DOCSTRING, AddedToken, BatchEncoding, PreTokenizedInput, PreTokenizedInputPair, PreTrainedTokenizerBase, TextInput, TextInputPair, TruncationStrategy, ) from .utils import logging logger = logging.get_logger(__name__) # Fast tokenizers (provided by HuggingFace tokenizer's library) can be saved in a single file TOKENIZER_FILE = "tokenizer.json" SPECIAL_TOKENS_MAP_FILE = "special_tokens_map.json" TOKENIZER_CONFIG_FILE = "tokenizer_config.json" # Slow tokenizers have an additional added tokens files ADDED_TOKENS_FILE = "added_tokens.json" @add_end_docstrings(INIT_TOKENIZER_DOCSTRING) class PreTrainedTokenizerFast(PreTrainedTokenizerBase): """ Base class for all fast tokenizers (wrapping HuggingFace tokenizers library). Inherits from :class:`~transformers.tokenization_utils_base.PreTrainedTokenizerBase`. Handles all the shared methods for tokenization and special tokens, as well as methods for downloading/caching/loading pretrained tokenizers, as well as adding tokens to the vocabulary. This class also contains the added tokens in a unified way on top of all tokenizers so we don't have to handle the specific vocabulary augmentation methods of the various underlying dictionary structures (BPE, sentencepiece...). """ slow_tokenizer_class: PreTrainedTokenizer = None def __init__(self, *args, **kwargs): slow_tokenizer = kwargs.pop("__slow_tokenizer", None) fast_tokenizer_file = kwargs.pop("tokenizer_file", None) from_slow = kwargs.pop("from_slow", False) if from_slow and slow_tokenizer is None and self.slow_tokenizer_class is None: raise ValueError( "Cannot instantiate this tokenizer from a slow version. If it's based on sentencepiece, make sure you " "have sentencepiece installed." ) if fast_tokenizer_file is not None and not from_slow: # We have a serialization from tokenizers which let us directly build the backend fast_tokenizer = TokenizerFast.from_file(fast_tokenizer_file) elif slow_tokenizer is not None: # We need to convert a slow tokenizer to build the backend fast_tokenizer = convert_slow_tokenizer(slow_tokenizer) elif self.slow_tokenizer_class is not None: # We need to create and convert a slow tokenizer to build the backend slow_tokenizer = self.slow_tokenizer_class(*args, **kwargs) fast_tokenizer = convert_slow_tokenizer(slow_tokenizer) else: raise ValueError( "Couldn't instantiate the backend tokenizer from one of: " "(1) a `tokenizers` library serialization file, " "(2) a slow tokenizer instance to convert or " "(3) an equivalent slow tokenizer class to instantiate and convert. " "You need to have sentencepiece installed to convert a slow tokenizer to a fast one." ) self._tokenizer = fast_tokenizer if slow_tokenizer is not None: kwargs.update(slow_tokenizer.init_kwargs) self._decode_use_source_tokenizer = False # We call this after having initialized the backend tokenizer because we update it. super().__init__(**kwargs) @property def is_fast(self) -> bool: return True @property def vocab_size(self) -> int: """ :obj:`int`: Size of the base vocabulary (without the added tokens). """ return self._tokenizer.get_vocab_size(with_added_tokens=False) def get_vocab(self) -> Dict[str, int]: return self._tokenizer.get_vocab(with_added_tokens=True) @property def vocab(self) -> Dict[str, int]: return self.get_vocab() def get_added_vocab(self) -> Dict[str, int]: """ Returns the added tokens in the vocabulary as a dictionary of token to index. Returns: :obj:`Dict[str, int]`: The added tokens. """ base_vocab = self._tokenizer.get_vocab(with_added_tokens=False) full_vocab = self._tokenizer.get_vocab(with_added_tokens=True) added_vocab = dict((tok, index) for tok, index in full_vocab.items() if tok not in base_vocab) return added_vocab def __len__(self) -> int: """ Size of the full vocabulary with the added tokens. """ return self._tokenizer.get_vocab_size(with_added_tokens=True) @property def backend_tokenizer(self) -> TokenizerFast: """ :obj:`tokenizers.implementations.BaseTokenizer`: The Rust tokenizer used as a backend. """ return self._tokenizer @property def decoder(self) -> DecoderFast: """ :obj:`tokenizers.decoders.Decoder`: The Rust decoder for this tokenizer. """ return self._tokenizer._tokenizer.decoder def _convert_encoding( self, encoding: EncodingFast, return_token_type_ids: Optional[bool] = None, return_attention_mask: Optional[bool] = None, return_overflowing_tokens: bool = False, return_special_tokens_mask: bool = False, return_offsets_mapping: bool = False, return_length: bool = False, verbose: bool = True, ) -> Tuple[Dict[str, Any], List[EncodingFast]]: """ Convert the encoding representation (from low-level HuggingFace tokenizer output) to a python Dict and a list of encodings, take care of building a batch from overflowing tokens. Overflowing tokens are converted to additional examples (like batches) so the output values of the dict are lists (overflows) of lists (tokens). Output shape: (overflows, sequence length) """ if return_token_type_ids is None: return_token_type_ids = "token_type_ids" in self.model_input_names if return_attention_mask is None: return_attention_mask = "attention_mask" in self.model_input_names if return_overflowing_tokens and encoding.overflowing is not None: encodings = [encoding] + encoding.overflowing else: encodings = [encoding] encoding_dict = defaultdict(list) for e in encodings: encoding_dict["input_ids"].append(e.ids) if return_token_type_ids: encoding_dict["token_type_ids"].append(e.type_ids) if return_attention_mask: encoding_dict["attention_mask"].append(e.attention_mask) if return_special_tokens_mask: encoding_dict["special_tokens_mask"].append(e.special_tokens_mask) if return_offsets_mapping: encoding_dict["offset_mapping"].append(e.offsets) if return_length: encoding_dict["length"].append(len(e.ids)) return encoding_dict, encodings def convert_tokens_to_ids(self, tokens: Union[str, List[str]]) -> Union[int, List[int]]: """ Converts a token string (or a sequence of tokens) in a single integer id (or a sequence of ids), using the vocabulary. Args: tokens (:obj:`str` or :obj:`List[str]`): One or several token(s) to convert to token id(s). Returns: :obj:`int` or :obj:`List[int]`: The token id or list of token ids. """ if tokens is None: return None if isinstance(tokens, str): return self._convert_token_to_id_with_added_voc(tokens) ids = [] for token in tokens: ids.append(self._convert_token_to_id_with_added_voc(token)) return ids def _convert_token_to_id_with_added_voc(self, token: str) -> int: index = self._tokenizer.token_to_id(token) if index is None: return self.unk_token_id return index def _convert_id_to_token(self, index: int) -> Optional[str]: return self._tokenizer.id_to_token(int(index)) def _add_tokens(self, new_tokens: List[Union[str, AddedToken]], special_tokens=False) -> int: if special_tokens: return self._tokenizer.add_special_tokens(new_tokens) return self._tokenizer.add_tokens(new_tokens) def num_special_tokens_to_add(self, pair: bool = False) -> int: """ Returns the number of added tokens when encoding a sequence with special tokens. .. note:: This encodes a dummy input and checks the number of added tokens, and is therefore not efficient. Do not put this inside your training loop. Args: pair (:obj:`bool`, `optional`, defaults to :obj:`False`): Whether the number of added tokens should be computed in the case of a sequence pair or a single sequence. Returns: :obj:`int`: Number of special tokens added to sequences. """ return self._tokenizer.num_special_tokens_to_add(pair) def convert_ids_to_tokens( self, ids: Union[int, List[int]], skip_special_tokens: bool = False ) -> Union[str, List[str]]: """ Converts a single index or a sequence of indices in a token or a sequence of tokens, using the vocabulary and added tokens. Args: ids (:obj:`int` or :obj:`List[int]`): The token id (or token ids) to convert to tokens. skip_special_tokens (:obj:`bool`, `optional`, defaults to :obj:`False`): Whether or not to remove special tokens in the decoding. Returns: :obj:`str` or :obj:`List[str]`: The decoded token(s). """ if isinstance(ids, int): return self._tokenizer.id_to_token(ids) tokens = [] for index in ids: index = int(index) if skip_special_tokens and index in self.all_special_ids: continue tokens.append(self._tokenizer.id_to_token(index)) return tokens def tokenize(self, text: str, pair: Optional[str] = None, add_special_tokens: bool = False, **kwargs) -> List[str]: return self.encode_plus(text=text, text_pair=pair, add_special_tokens=add_special_tokens, **kwargs).tokens() def set_truncation_and_padding( self, padding_strategy: PaddingStrategy, truncation_strategy: TruncationStrategy, max_length: int, stride: int, pad_to_multiple_of: Optional[int], ): """ Define the truncation and the padding strategies for fast tokenizers (provided by HuggingFace tokenizers library) and restore the tokenizer settings afterwards. The provided tokenizer has no padding / truncation strategy before the managed section. If your tokenizer set a padding / truncation strategy before, then it will be reset to no padding / truncation when exiting the managed section. Args: padding_strategy (:class:`~transformers.file_utils.PaddingStrategy`): The kind of padding that will be applied to the input truncation_strategy (:class:`~transformers.tokenization_utils_base.TruncationStrategy`): The kind of truncation that will be applied to the input max_length (:obj:`int`): The maximum size of a sequence. stride (:obj:`int`): The stride to use when handling overflow. pad_to_multiple_of (:obj:`int`, `optional`): If set will pad the sequence to a multiple of the provided value. This is especially useful to enable the use of Tensor Cores on NVIDIA hardware with compute capability >= 7.5 (Volta). """ # Set truncation and padding on the backend tokenizer if truncation_strategy != TruncationStrategy.DO_NOT_TRUNCATE: self._tokenizer.enable_truncation(max_length, stride=stride, strategy=truncation_strategy.value) else: self._tokenizer.no_truncation() if padding_strategy != PaddingStrategy.DO_NOT_PAD: self._tokenizer.enable_padding( length=max_length if padding_strategy == PaddingStrategy.MAX_LENGTH else None, direction=self.padding_side, pad_id=self.pad_token_id, pad_type_id=self.pad_token_type_id, pad_token=self.pad_token, pad_to_multiple_of=pad_to_multiple_of, ) else: self._tokenizer.no_padding() def _batch_encode_plus( self, batch_text_or_text_pairs: Union[ List[TextInput], List[TextInputPair], List[PreTokenizedInput], List[PreTokenizedInputPair] ], add_special_tokens: bool = True, padding_strategy: PaddingStrategy = PaddingStrategy.DO_NOT_PAD, truncation_strategy: TruncationStrategy = TruncationStrategy.DO_NOT_TRUNCATE, max_length: Optional[int] = None, stride: int = 0, is_split_into_words: bool = False, pad_to_multiple_of: Optional[int] = None, return_tensors: Optional[str] = None, return_token_type_ids: Optional[bool] = None, return_attention_mask: Optional[bool] = None, return_overflowing_tokens: bool = False, return_special_tokens_mask: bool = False, return_offsets_mapping: bool = False, return_length: bool = False, verbose: bool = True, ) -> BatchEncoding: if not isinstance(batch_text_or_text_pairs, list): raise TypeError( "batch_text_or_text_pairs has to be a list (got {})".format(type(batch_text_or_text_pairs)) ) # Set the truncation and padding strategy and restore the initial configuration self.set_truncation_and_padding( padding_strategy=padding_strategy, truncation_strategy=truncation_strategy, max_length=max_length, stride=stride, pad_to_multiple_of=pad_to_multiple_of, ) encodings = self._tokenizer.encode_batch( batch_text_or_text_pairs, add_special_tokens=add_special_tokens, is_pretokenized=is_split_into_words, ) # Convert encoding to dict # `Tokens` has type: Tuple[ # List[Dict[str, List[List[int]]]] or List[Dict[str, 2D-Tensor]], # List[EncodingFast] # ] # with nested dimensions corresponding to batch, overflows, sequence length tokens_and_encodings = [ self._convert_encoding( encoding=encoding, return_token_type_ids=return_token_type_ids, return_attention_mask=return_attention_mask, return_overflowing_tokens=return_overflowing_tokens, return_special_tokens_mask=return_special_tokens_mask, return_offsets_mapping=return_offsets_mapping, return_length=return_length, verbose=verbose, ) for encoding in encodings ] # Convert the output to have dict[list] from list[dict] and remove the additional overflows dimension # From (variable) shape (batch, overflows, sequence length) to ~ (batch * overflows, sequence length) # (we say ~ because the number of overflow varies with the example in the batch) # # To match each overflowing sample with the original sample in the batch # we add an overflow_to_sample_mapping array (see below) sanitized_tokens = {} for key in tokens_and_encodings[0][0].keys(): stack = [e for item, _ in tokens_and_encodings for e in item[key]] sanitized_tokens[key] = stack sanitized_encodings = [e for _, item in tokens_and_encodings for e in item] # If returning overflowing tokens, we need to return a mapping # from the batch idx to the original sample if return_overflowing_tokens: overflow_to_sample_mapping = [] for i, (toks, _) in enumerate(tokens_and_encodings): overflow_to_sample_mapping += [i] * len(toks["input_ids"]) sanitized_tokens["overflow_to_sample_mapping"] = overflow_to_sample_mapping for input_ids in sanitized_tokens["input_ids"]: self._eventual_warn_about_too_long_sequence(input_ids, max_length, verbose) return BatchEncoding(sanitized_tokens, sanitized_encodings, tensor_type=return_tensors) def _encode_plus( self, text: Union[TextInput, PreTokenizedInput], text_pair: Optional[Union[TextInput, PreTokenizedInput]] = None, add_special_tokens: bool = True, padding_strategy: PaddingStrategy = PaddingStrategy.DO_NOT_PAD, truncation_strategy: TruncationStrategy = TruncationStrategy.DO_NOT_TRUNCATE, max_length: Optional[int] = None, stride: int = 0, is_split_into_words: bool = False, pad_to_multiple_of: Optional[int] = None, return_tensors: Optional[bool] = None, return_token_type_ids: Optional[bool] = None, return_attention_mask: Optional[bool] = None, return_overflowing_tokens: bool = False, return_special_tokens_mask: bool = False, return_offsets_mapping: bool = False, return_length: bool = False, verbose: bool = True, **kwargs ) -> BatchEncoding: batched_input = [(text, text_pair)] if text_pair else [text] batched_output = self._batch_encode_plus( batched_input, is_split_into_words=is_split_into_words, add_special_tokens=add_special_tokens, padding_strategy=padding_strategy, truncation_strategy=truncation_strategy, max_length=max_length, stride=stride, pad_to_multiple_of=pad_to_multiple_of, return_tensors=return_tensors, return_token_type_ids=return_token_type_ids, return_attention_mask=return_attention_mask, return_overflowing_tokens=return_overflowing_tokens, return_special_tokens_mask=return_special_tokens_mask, return_offsets_mapping=return_offsets_mapping, return_length=return_length, verbose=verbose, **kwargs, ) # Return tensor is None, then we can remove the leading batch axis # Overflowing tokens are returned as a batch of output so we keep them in this case if return_tensors is None and not return_overflowing_tokens: batched_output = BatchEncoding( { key: value[0] if len(value) > 0 and isinstance(value[0], list) else value for key, value in batched_output.items() }, batched_output.encodings, ) self._eventual_warn_about_too_long_sequence(batched_output["input_ids"], max_length, verbose) return batched_output def convert_tokens_to_string(self, tokens: List[str]) -> str: return self.backend_tokenizer.decoder.decode(tokens) def _decode( self, token_ids: Union[int, List[int]], skip_special_tokens: bool = False, clean_up_tokenization_spaces: bool = True, **kwargs ) -> str: self._decode_use_source_tokenizer = kwargs.pop("use_source_tokenizer", False) if isinstance(token_ids, int): token_ids = [token_ids] text = self._tokenizer.decode(token_ids, skip_special_tokens=skip_special_tokens) if clean_up_tokenization_spaces: clean_text = self.clean_up_tokenization(text) return clean_text else: return text def _save_pretrained( self, save_directory: Union[str, os.PathLike], file_names: Tuple[str], legacy_format: bool = True, filename_prefix: Optional[str] = None, ) -> Tuple[str]: """ Save a tokenizer using the slow-tokenizer/legacy format: vocabulary + added tokens. Fast tokenizers can also be saved in a unique JSON file containing {config + vocab + added-tokens} using the specific :meth:`~transformers.PreTrainedTokenizerFast._save_pretrained` """ save_directory = str(save_directory) if legacy_format: added_tokens_file = os.path.join( save_directory, (filename_prefix + "-" if filename_prefix else "") + ADDED_TOKENS_FILE ) added_vocab = self.get_added_vocab() if added_vocab: with open(added_tokens_file, "w", encoding="utf-8") as f: out_str = json.dumps(added_vocab, ensure_ascii=False) f.write(out_str) vocab_files = self.save_vocabulary(save_directory, filename_prefix=filename_prefix) file_names = file_names + vocab_files + (added_tokens_file,) else: tokenizer_file = os.path.join( save_directory, (filename_prefix + "-" if filename_prefix else "") + TOKENIZER_FILE ) self.backend_tokenizer.save(tokenizer_file) file_names = file_names + (tokenizer_file,) return file_names
AdaMix/src/transformers/tokenization_utils_fast.py/0
{ "file_path": "AdaMix/src/transformers/tokenization_utils_fast.py", "repo_id": "AdaMix", "token_count": 9710 }
69
Currently the following model proposals are available: - <s>[BigBird (Google)](./ADD_BIG_BIRD.md)</s>
AdaMix/templates/adding_a_new_model/open_model_proposals/README.md/0
{ "file_path": "AdaMix/templates/adding_a_new_model/open_model_proposals/README.md", "repo_id": "AdaMix", "token_count": 34 }
70
# Copyright 2020 The HuggingFace Team. All rights reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. # You may obtain a copy of the License at # # http://www.apache.org/licenses/LICENSE-2.0 # # Unless required by applicable law or agreed to in writing, software # distributed under the License is distributed on an "AS IS" BASIS, # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. # See the License for the specific language governing permissions and # limitations under the License. import unittest from transformers import is_torch_available from transformers.testing_utils import require_torch if is_torch_available(): import torch from transformers.activations import _gelu_python, gelu_new, get_activation @require_torch class TestActivations(unittest.TestCase): def test_gelu_versions(self): x = torch.Tensor([-100, -1, -0.1, 0, 0.1, 1.0, 100]) torch_builtin = get_activation("gelu") self.assertTrue(torch.eq(_gelu_python(x), torch_builtin(x)).all().item()) self.assertFalse(torch.eq(_gelu_python(x), gelu_new(x)).all().item()) def test_get_activation(self): get_activation("swish") get_activation("silu") get_activation("relu") get_activation("tanh") get_activation("gelu_new") get_activation("gelu_fast") with self.assertRaises(KeyError): get_activation("bogus") with self.assertRaises(KeyError): get_activation(None)
AdaMix/tests/test_activations.py/0
{ "file_path": "AdaMix/tests/test_activations.py", "repo_id": "AdaMix", "token_count": 573 }
71
import time import unittest from transformers import is_torch_available from transformers.testing_utils import require_torch, torch_device from .test_modeling_common import ids_tensor if is_torch_available(): import torch from transformers.generation_stopping_criteria import ( MaxLengthCriteria, MaxTimeCriteria, StoppingCriteriaList, validate_stopping_criteria, ) @require_torch class StoppingCriteriaTestCase(unittest.TestCase): def _get_tensors(self, length): batch_size = 3 vocab_size = 250 input_ids = ids_tensor((batch_size, length), vocab_size) scores = torch.ones((batch_size, length), device=torch_device, dtype=torch.float) / length return input_ids, scores def test_list_criteria(self): input_ids, scores = self._get_tensors(5) criteria = StoppingCriteriaList( [ MaxLengthCriteria(max_length=10), MaxTimeCriteria(max_time=0.1), ] ) self.assertFalse(criteria(input_ids, scores)) input_ids, scores = self._get_tensors(10) self.assertFalse(criteria(input_ids, scores)) input_ids, scores = self._get_tensors(11) self.assertTrue(criteria(input_ids, scores)) def test_max_length_criteria(self): criteria = MaxLengthCriteria(max_length=10) input_ids, scores = self._get_tensors(5) self.assertFalse(criteria(input_ids, scores)) input_ids, scores = self._get_tensors(10) self.assertFalse(criteria(input_ids, scores)) input_ids, scores = self._get_tensors(11) self.assertTrue(criteria(input_ids, scores)) def test_max_time_criteria(self): input_ids, scores = self._get_tensors(5) criteria = MaxTimeCriteria(max_time=0.1) self.assertFalse(criteria(input_ids, scores)) criteria = MaxTimeCriteria(max_time=0.1, initial_timestamp=time.time() - 0.2) self.assertTrue(criteria(input_ids, scores)) def test_validate_stopping_criteria(self): validate_stopping_criteria(StoppingCriteriaList([MaxLengthCriteria(10)]), 10) with self.assertWarns(UserWarning): validate_stopping_criteria(StoppingCriteriaList([MaxLengthCriteria(10)]), 11) stopping_criteria = StoppingCriteriaList() validate_stopping_criteria(stopping_criteria, 11) self.assertEqual(len(stopping_criteria), 1)
AdaMix/tests/test_generation_stopping_criteria.py/0
{ "file_path": "AdaMix/tests/test_generation_stopping_criteria.py", "repo_id": "AdaMix", "token_count": 1043 }
72
# coding=utf-8 # Copyright 2019 HuggingFace Inc. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. # You may obtain a copy of the License at # # http://www.apache.org/licenses/LICENSE-2.0 # # Unless required by applicable law or agreed to in writing, software # distributed under the License is distributed on an "AS IS" BASIS, # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. # See the License for the specific language governing permissions and # limitations under the License. import copy import gc import inspect import os.path import random import tempfile import unittest from typing import List, Tuple from transformers import is_torch_available from transformers.file_utils import WEIGHTS_NAME from transformers.testing_utils import require_torch, require_torch_multi_gpu, slow, torch_device if is_torch_available(): import numpy as np import torch from transformers import ( BERT_PRETRAINED_MODEL_ARCHIVE_LIST, MODEL_FOR_CAUSAL_LM_MAPPING, MODEL_FOR_MASKED_LM_MAPPING, MODEL_FOR_MULTIPLE_CHOICE_MAPPING, MODEL_FOR_NEXT_SENTENCE_PREDICTION_MAPPING, MODEL_FOR_QUESTION_ANSWERING_MAPPING, MODEL_FOR_SEQ_TO_SEQ_CAUSAL_LM_MAPPING, MODEL_FOR_SEQUENCE_CLASSIFICATION_MAPPING, MODEL_FOR_TOKEN_CLASSIFICATION_MAPPING, MODEL_MAPPING, AdaptiveEmbedding, BertConfig, BertModel, PretrainedConfig, PreTrainedModel, ) def _config_zero_init(config): configs_no_init = copy.deepcopy(config) for key in configs_no_init.__dict__.keys(): if "_range" in key or "_std" in key or "initializer_factor" in key: setattr(configs_no_init, key, 1e-10) return configs_no_init @require_torch class ModelTesterMixin: model_tester = None all_model_classes = () all_generative_model_classes = () test_torchscript = True test_pruning = True test_resize_embeddings = True test_head_masking = True test_missing_keys = True test_model_parallel = False is_encoder_decoder = False def _prepare_for_class(self, inputs_dict, model_class, return_labels=False): inputs_dict = copy.deepcopy(inputs_dict) if model_class in MODEL_FOR_MULTIPLE_CHOICE_MAPPING.values(): inputs_dict = { k: v.unsqueeze(1).expand(-1, self.model_tester.num_choices, -1).contiguous() if isinstance(v, torch.Tensor) and v.ndim > 1 else v for k, v in inputs_dict.items() } if return_labels: if model_class in MODEL_FOR_MULTIPLE_CHOICE_MAPPING.values(): inputs_dict["labels"] = torch.ones(self.model_tester.batch_size, dtype=torch.long, device=torch_device) elif model_class in MODEL_FOR_QUESTION_ANSWERING_MAPPING.values(): inputs_dict["start_positions"] = torch.zeros( self.model_tester.batch_size, dtype=torch.long, device=torch_device ) inputs_dict["end_positions"] = torch.zeros( self.model_tester.batch_size, dtype=torch.long, device=torch_device ) elif model_class in [ *MODEL_FOR_SEQUENCE_CLASSIFICATION_MAPPING.values(), *MODEL_FOR_NEXT_SENTENCE_PREDICTION_MAPPING.values(), ]: inputs_dict["labels"] = torch.zeros( self.model_tester.batch_size, dtype=torch.long, device=torch_device ) elif model_class in [ *MODEL_FOR_TOKEN_CLASSIFICATION_MAPPING.values(), *MODEL_FOR_CAUSAL_LM_MAPPING.values(), *MODEL_FOR_MASKED_LM_MAPPING.values(), *MODEL_FOR_SEQ_TO_SEQ_CAUSAL_LM_MAPPING.values(), ]: inputs_dict["labels"] = torch.zeros( (self.model_tester.batch_size, self.model_tester.seq_length), dtype=torch.long, device=torch_device ) return inputs_dict def test_save_load(self): config, inputs_dict = self.model_tester.prepare_config_and_inputs_for_common() for model_class in self.all_model_classes: model = model_class(config) model.to(torch_device) model.eval() with torch.no_grad(): outputs = model(**self._prepare_for_class(inputs_dict, model_class)) out_2 = outputs[0].cpu().numpy() out_2[np.isnan(out_2)] = 0 with tempfile.TemporaryDirectory() as tmpdirname: model.save_pretrained(tmpdirname) model = model_class.from_pretrained(tmpdirname) model.to(torch_device) with torch.no_grad(): after_outputs = model(**self._prepare_for_class(inputs_dict, model_class)) # Make sure we don't have nans out_1 = after_outputs[0].cpu().numpy() out_1[np.isnan(out_1)] = 0 max_diff = np.amax(np.abs(out_1 - out_2)) self.assertLessEqual(max_diff, 1e-5) def test_save_load__keys_to_ignore_on_save(self): config, inputs_dict = self.model_tester.prepare_config_and_inputs_for_common() for model_class in self.all_model_classes: model = model_class(config) _keys_to_ignore_on_save = getattr(model, "_keys_to_ignore_on_save", None) if _keys_to_ignore_on_save is None: continue # check the keys are in the original state_dict for k in _keys_to_ignore_on_save: self.assertIn(k, model.state_dict()) # check that certain keys didn't get saved with the model with tempfile.TemporaryDirectory() as tmpdirname: model.save_pretrained(tmpdirname) output_model_file = os.path.join(tmpdirname, WEIGHTS_NAME) state_dict_saved = torch.load(output_model_file) for k in _keys_to_ignore_on_save: self.assertNotIn(k, state_dict_saved) def test_initialization(self): config, inputs_dict = self.model_tester.prepare_config_and_inputs_for_common() configs_no_init = _config_zero_init(config) for model_class in self.all_model_classes: model = model_class(config=configs_no_init) for name, param in model.named_parameters(): if param.requires_grad: self.assertIn( ((param.data.mean() * 1e9).round() / 1e9).item(), [0.0, 1.0], msg="Parameter {} of model {} seems not properly initialized".format(name, model_class), ) def test_determinism(self): config, inputs_dict = self.model_tester.prepare_config_and_inputs_for_common() for model_class in self.all_model_classes: model = model_class(config) model.to(torch_device) model.eval() with torch.no_grad(): first = model(**self._prepare_for_class(inputs_dict, model_class))[0] second = model(**self._prepare_for_class(inputs_dict, model_class))[0] out_1 = first.cpu().numpy() out_2 = second.cpu().numpy() out_1 = out_1[~np.isnan(out_1)] out_2 = out_2[~np.isnan(out_2)] max_diff = np.amax(np.abs(out_1 - out_2)) self.assertLessEqual(max_diff, 1e-5) def test_forward_signature(self): config, _ = self.model_tester.prepare_config_and_inputs_for_common() for model_class in self.all_model_classes: model = model_class(config) signature = inspect.signature(model.forward) # signature.parameters is an OrderedDict => so arg_names order is deterministic arg_names = [*signature.parameters.keys()] if model.config.is_encoder_decoder: expected_arg_names = [ "input_ids", "attention_mask", "decoder_input_ids", "decoder_attention_mask", ] expected_arg_names.extend( ["head_mask", "decoder_head_mask", "encoder_outputs"] if "head_mask" and "decoder_head_mask" in arg_names else ["encoder_outputs"] ) self.assertListEqual(arg_names[: len(expected_arg_names)], expected_arg_names) else: expected_arg_names = ["input_ids"] self.assertListEqual(arg_names[:1], expected_arg_names) def test_training(self): if not self.model_tester.is_training: return config, inputs_dict = self.model_tester.prepare_config_and_inputs_for_common() config.return_dict = True for model_class in self.all_model_classes: if model_class in MODEL_MAPPING.values(): continue model = model_class(config) model.to(torch_device) model.train() inputs = self._prepare_for_class(inputs_dict, model_class, return_labels=True) loss = model(**inputs).loss loss.backward() def test_training_gradient_checkpointing(self): config, inputs_dict = self.model_tester.prepare_config_and_inputs_for_common() if not self.model_tester.is_training or not hasattr(config, "gradient_checkpointing"): return config.gradient_checkpointing = True config.use_cache = False config.return_dict = True for model_class in self.all_model_classes: if model_class in MODEL_MAPPING.values(): continue model = model_class(config) model.to(torch_device) model.train() inputs = self._prepare_for_class(inputs_dict, model_class, return_labels=True) loss = model(**inputs).loss loss.backward() def test_attention_outputs(self): config, inputs_dict = self.model_tester.prepare_config_and_inputs_for_common() config.return_dict = True seq_len = getattr(self.model_tester, "seq_length", None) decoder_seq_length = getattr(self.model_tester, "decoder_seq_length", seq_len) encoder_seq_length = getattr(self.model_tester, "encoder_seq_length", seq_len) decoder_key_length = getattr(self.model_tester, "decoder_key_length", decoder_seq_length) encoder_key_length = getattr(self.model_tester, "key_length", encoder_seq_length) chunk_length = getattr(self.model_tester, "chunk_length", None) if chunk_length is not None and hasattr(self.model_tester, "num_hashes"): encoder_seq_length = encoder_seq_length * self.model_tester.num_hashes for model_class in self.all_model_classes: inputs_dict["output_attentions"] = True inputs_dict["output_hidden_states"] = False config.return_dict = True model = model_class(config) model.to(torch_device) model.eval() with torch.no_grad(): outputs = model(**self._prepare_for_class(inputs_dict, model_class)) attentions = outputs.encoder_attentions if config.is_encoder_decoder else outputs.attentions self.assertEqual(len(attentions), self.model_tester.num_hidden_layers) # check that output_attentions also work using config del inputs_dict["output_attentions"] config.output_attentions = True model = model_class(config) model.to(torch_device) model.eval() with torch.no_grad(): outputs = model(**self._prepare_for_class(inputs_dict, model_class)) attentions = outputs.encoder_attentions if config.is_encoder_decoder else outputs.attentions self.assertEqual(len(attentions), self.model_tester.num_hidden_layers) if chunk_length is not None: self.assertListEqual( list(attentions[0].shape[-4:]), [self.model_tester.num_attention_heads, encoder_seq_length, chunk_length, encoder_key_length], ) else: self.assertListEqual( list(attentions[0].shape[-3:]), [self.model_tester.num_attention_heads, encoder_seq_length, encoder_key_length], ) out_len = len(outputs) if self.is_encoder_decoder: correct_outlen = 5 # loss is at first position if "labels" in inputs_dict: correct_outlen += 1 # loss is added to beginning # Question Answering model returns start_logits and end_logits if model_class in MODEL_FOR_QUESTION_ANSWERING_MAPPING.values(): correct_outlen += 1 # start_logits and end_logits instead of only 1 output if "past_key_values" in outputs: correct_outlen += 1 # past_key_values have been returned self.assertEqual(out_len, correct_outlen) # decoder attentions decoder_attentions = outputs.decoder_attentions self.assertIsInstance(decoder_attentions, (list, tuple)) self.assertEqual(len(decoder_attentions), self.model_tester.num_hidden_layers) self.assertListEqual( list(decoder_attentions[0].shape[-3:]), [self.model_tester.num_attention_heads, decoder_seq_length, decoder_key_length], ) # cross attentions cross_attentions = outputs.cross_attentions self.assertIsInstance(cross_attentions, (list, tuple)) self.assertEqual(len(cross_attentions), self.model_tester.num_hidden_layers) self.assertListEqual( list(cross_attentions[0].shape[-3:]), [ self.model_tester.num_attention_heads, decoder_seq_length, encoder_key_length, ], ) # Check attention is always last and order is fine inputs_dict["output_attentions"] = True inputs_dict["output_hidden_states"] = True model = model_class(config) model.to(torch_device) model.eval() with torch.no_grad(): outputs = model(**self._prepare_for_class(inputs_dict, model_class)) if hasattr(self.model_tester, "num_hidden_states_types"): added_hidden_states = self.model_tester.num_hidden_states_types elif self.is_encoder_decoder: added_hidden_states = 2 else: added_hidden_states = 1 self.assertEqual(out_len + added_hidden_states, len(outputs)) self_attentions = outputs.encoder_attentions if config.is_encoder_decoder else outputs.attentions self.assertEqual(len(self_attentions), self.model_tester.num_hidden_layers) if chunk_length is not None: self.assertListEqual( list(self_attentions[0].shape[-4:]), [self.model_tester.num_attention_heads, encoder_seq_length, chunk_length, encoder_key_length], ) else: self.assertListEqual( list(self_attentions[0].shape[-3:]), [self.model_tester.num_attention_heads, encoder_seq_length, encoder_key_length], ) def test_torchscript(self): config, inputs_dict = self.model_tester.prepare_config_and_inputs_for_common() self._create_and_check_torchscript(config, inputs_dict) def test_torchscript_output_attentions(self): config, inputs_dict = self.model_tester.prepare_config_and_inputs_for_common() config.output_attentions = True self._create_and_check_torchscript(config, inputs_dict) def test_torchscript_output_hidden_state(self): config, inputs_dict = self.model_tester.prepare_config_and_inputs_for_common() config.output_hidden_states = True self._create_and_check_torchscript(config, inputs_dict) def _create_and_check_torchscript(self, config, inputs_dict): if not self.test_torchscript: return configs_no_init = _config_zero_init(config) # To be sure we have no Nan configs_no_init.torchscript = True for model_class in self.all_model_classes: model = model_class(config=configs_no_init) model.to(torch_device) model.eval() inputs = self._prepare_for_class(inputs_dict, model_class) try: if model.config.is_encoder_decoder: model.config.use_cache = False # FSTM still requires this hack -> FSTM should probably be refactored similar to BART afterward input_ids = inputs["input_ids"] attention_mask = inputs["attention_mask"] decoder_input_ids = inputs["decoder_input_ids"] decoder_attention_mask = inputs["decoder_attention_mask"] traced_model = torch.jit.trace( model, (input_ids, attention_mask, decoder_input_ids, decoder_attention_mask) ) else: input_ids = inputs["input_ids"] traced_model = torch.jit.trace(model, input_ids) except RuntimeError: self.fail("Couldn't trace module.") with tempfile.TemporaryDirectory() as tmp_dir_name: pt_file_name = os.path.join(tmp_dir_name, "traced_model.pt") try: torch.jit.save(traced_model, pt_file_name) except Exception: self.fail("Couldn't save module.") try: loaded_model = torch.jit.load(pt_file_name) except Exception: self.fail("Couldn't load module.") model.to(torch_device) model.eval() loaded_model.to(torch_device) loaded_model.eval() model_state_dict = model.state_dict() loaded_model_state_dict = loaded_model.state_dict() self.assertEqual(set(model_state_dict.keys()), set(loaded_model_state_dict.keys())) models_equal = True for layer_name, p1 in model_state_dict.items(): p2 = loaded_model_state_dict[layer_name] if p1.data.ne(p2.data).sum() > 0: models_equal = False self.assertTrue(models_equal) def test_headmasking(self): if not self.test_head_masking: return global_rng.seed(42) config, inputs_dict = self.model_tester.prepare_config_and_inputs_for_common() global_rng.seed() inputs_dict["output_attentions"] = True config.output_hidden_states = True configs_no_init = _config_zero_init(config) # To be sure we have no Nan for model_class in self.all_model_classes: model = model_class(config=configs_no_init) model.to(torch_device) model.eval() # Prepare head_mask # Set require_grad after having prepared the tensor to avoid error (leaf variable has been moved into the graph interior) head_mask = torch.ones( self.model_tester.num_hidden_layers, self.model_tester.num_attention_heads, device=torch_device, ) head_mask[0, 0] = 0 head_mask[-1, :-1] = 0 head_mask.requires_grad_(requires_grad=True) inputs = self._prepare_for_class(inputs_dict, model_class).copy() inputs["head_mask"] = head_mask if model.config.is_encoder_decoder: signature = inspect.signature(model.forward) arg_names = [*signature.parameters.keys()] if "decoder_head_mask" in arg_names: # necessary diferentiation because of T5 model inputs["decoder_head_mask"] = head_mask outputs = model(**inputs, return_dict=True) # Test that we can get a gradient back for importance score computation output = sum(t.sum() for t in outputs[0]) output = output.sum() output.backward() multihead_outputs = head_mask.grad self.assertIsNotNone(multihead_outputs) self.assertEqual(len(multihead_outputs), self.model_tester.num_hidden_layers) def check_attentions_validity(attentions): # Remove Nan for t in attentions: self.assertLess( torch.sum(torch.isnan(t)), t.numel() / 4 ) # Check we don't have more than 25% nans (arbitrary) attentions = [ t.masked_fill(torch.isnan(t), 0.0) for t in attentions ] # remove them (the test is less complete) self.assertAlmostEqual(attentions[0][..., 0, :, :].flatten().sum().item(), 0.0) self.assertNotEqual(attentions[0][..., -1, :, :].flatten().sum().item(), 0.0) if len(attentions) > 2: # encoder-decoder models have only 2 layers in each module self.assertNotEqual(attentions[1][..., 0, :, :].flatten().sum().item(), 0.0) self.assertAlmostEqual(attentions[-1][..., -2, :, :].flatten().sum().item(), 0.0) self.assertNotEqual(attentions[-1][..., -1, :, :].flatten().sum().item(), 0.0) if model.config.is_encoder_decoder: check_attentions_validity(outputs.encoder_attentions) check_attentions_validity(outputs.decoder_attentions) else: check_attentions_validity(outputs.attentions) def test_head_pruning(self): if not self.test_pruning: return for model_class in self.all_model_classes: ( config, inputs_dict, ) = self.model_tester.prepare_config_and_inputs_for_common() if "head_mask" in inputs_dict: del inputs_dict["head_mask"] inputs_dict["output_attentions"] = True config.output_hidden_states = False model = model_class(config=config) model.to(torch_device) model.eval() heads_to_prune = { 0: list(range(1, self.model_tester.num_attention_heads)), -1: [0], } model.prune_heads(heads_to_prune) with torch.no_grad(): outputs = model(**self._prepare_for_class(inputs_dict, model_class)) attentions = outputs[-1] self.assertEqual(attentions[0].shape[-3], 1) self.assertEqual(attentions[1].shape[-3], self.model_tester.num_attention_heads) self.assertEqual(attentions[-1].shape[-3], self.model_tester.num_attention_heads - 1) def test_head_pruning_save_load_from_pretrained(self): if not self.test_pruning: return for model_class in self.all_model_classes: ( config, inputs_dict, ) = self.model_tester.prepare_config_and_inputs_for_common() if "head_mask" in inputs_dict: del inputs_dict["head_mask"] inputs_dict["output_attentions"] = True config.output_hidden_states = False model = model_class(config=config) model.to(torch_device) model.eval() heads_to_prune = { 0: list(range(1, self.model_tester.num_attention_heads)), -1: [0], } model.prune_heads(heads_to_prune) with tempfile.TemporaryDirectory() as temp_dir_name: model.save_pretrained(temp_dir_name) model = model_class.from_pretrained(temp_dir_name) model.to(torch_device) with torch.no_grad(): outputs = model(**self._prepare_for_class(inputs_dict, model_class)) attentions = outputs[-1] self.assertEqual(attentions[0].shape[-3], 1) self.assertEqual(attentions[1].shape[-3], self.model_tester.num_attention_heads) self.assertEqual(attentions[-1].shape[-3], self.model_tester.num_attention_heads - 1) def test_head_pruning_save_load_from_config_init(self): if not self.test_pruning: return for model_class in self.all_model_classes: ( config, inputs_dict, ) = self.model_tester.prepare_config_and_inputs_for_common() if "head_mask" in inputs_dict: del inputs_dict["head_mask"] inputs_dict["output_attentions"] = True config.output_hidden_states = False heads_to_prune = { 0: list(range(1, self.model_tester.num_attention_heads)), -1: [0], } config.pruned_heads = heads_to_prune model = model_class(config=config) model.to(torch_device) model.eval() with torch.no_grad(): outputs = model(**self._prepare_for_class(inputs_dict, model_class)) attentions = outputs[-1] self.assertEqual(attentions[0].shape[-3], 1) self.assertEqual(attentions[1].shape[-3], self.model_tester.num_attention_heads) self.assertEqual(attentions[-1].shape[-3], self.model_tester.num_attention_heads - 1) def test_head_pruning_integration(self): if not self.test_pruning: return for model_class in self.all_model_classes: ( config, inputs_dict, ) = self.model_tester.prepare_config_and_inputs_for_common() if "head_mask" in inputs_dict: del inputs_dict["head_mask"] inputs_dict["output_attentions"] = True config.output_hidden_states = False heads_to_prune = {0: [0], 1: [1, 2]} config.pruned_heads = heads_to_prune model = model_class(config=config) model.to(torch_device) model.eval() with torch.no_grad(): outputs = model(**self._prepare_for_class(inputs_dict, model_class)) attentions = outputs[-1] self.assertEqual(attentions[0].shape[-3], self.model_tester.num_attention_heads - 1) self.assertEqual(attentions[1].shape[-3], self.model_tester.num_attention_heads - 2) self.assertEqual(attentions[2].shape[-3], self.model_tester.num_attention_heads) self.assertEqual(attentions[3].shape[-3], self.model_tester.num_attention_heads) with tempfile.TemporaryDirectory() as temp_dir_name: model.save_pretrained(temp_dir_name) model = model_class.from_pretrained(temp_dir_name) model.to(torch_device) with torch.no_grad(): outputs = model(**self._prepare_for_class(inputs_dict, model_class)) attentions = outputs[-1] self.assertEqual(attentions[0].shape[-3], self.model_tester.num_attention_heads - 1) self.assertEqual(attentions[1].shape[-3], self.model_tester.num_attention_heads - 2) self.assertEqual(attentions[2].shape[-3], self.model_tester.num_attention_heads) self.assertEqual(attentions[3].shape[-3], self.model_tester.num_attention_heads) heads_to_prune = {0: [0], 2: [1, 2]} model.prune_heads(heads_to_prune) with torch.no_grad(): outputs = model(**self._prepare_for_class(inputs_dict, model_class)) attentions = outputs[-1] self.assertEqual(attentions[0].shape[-3], self.model_tester.num_attention_heads - 1) self.assertEqual(attentions[1].shape[-3], self.model_tester.num_attention_heads - 2) self.assertEqual(attentions[2].shape[-3], self.model_tester.num_attention_heads - 2) self.assertEqual(attentions[3].shape[-3], self.model_tester.num_attention_heads) self.assertDictEqual(model.config.pruned_heads, {0: [0], 1: [1, 2], 2: [1, 2]}) def test_hidden_states_output(self): def check_hidden_states_output(inputs_dict, config, model_class): model = model_class(config) model.to(torch_device) model.eval() with torch.no_grad(): outputs = model(**self._prepare_for_class(inputs_dict, model_class)) hidden_states = outputs.encoder_hidden_states if config.is_encoder_decoder else outputs.hidden_states expected_num_layers = getattr( self.model_tester, "expected_num_hidden_layers", self.model_tester.num_hidden_layers + 1 ) self.assertEqual(len(hidden_states), expected_num_layers) if hasattr(self.model_tester, "encoder_seq_length"): seq_length = self.model_tester.encoder_seq_length if hasattr(self.model_tester, "chunk_length") and self.model_tester.chunk_length > 1: seq_length = seq_length * self.model_tester.chunk_length else: seq_length = self.model_tester.seq_length self.assertListEqual( list(hidden_states[0].shape[-2:]), [seq_length, self.model_tester.hidden_size], ) if config.is_encoder_decoder: hidden_states = outputs.decoder_hidden_states self.assertIsInstance(hidden_states, (list, tuple)) self.assertEqual(len(hidden_states), expected_num_layers) seq_len = getattr(self.model_tester, "seq_length", None) decoder_seq_length = getattr(self.model_tester, "decoder_seq_length", seq_len) self.assertListEqual( list(hidden_states[0].shape[-2:]), [decoder_seq_length, self.model_tester.hidden_size], ) config, inputs_dict = self.model_tester.prepare_config_and_inputs_for_common() for model_class in self.all_model_classes: inputs_dict["output_hidden_states"] = True check_hidden_states_output(inputs_dict, config, model_class) # check that output_hidden_states also work using config del inputs_dict["output_hidden_states"] config.output_hidden_states = True check_hidden_states_output(inputs_dict, config, model_class) def test_retain_grad_hidden_states_attentions(self): config, inputs_dict = self.model_tester.prepare_config_and_inputs_for_common() config.output_hidden_states = True config.output_attentions = True # no need to test all models as different heads yield the same functionality model_class = self.all_model_classes[0] model = model_class(config) model.to(torch_device) inputs = self._prepare_for_class(inputs_dict, model_class) outputs = model(**inputs) print(outputs) output = outputs[0] if config.is_encoder_decoder: # Seq2Seq models encoder_hidden_states = outputs.encoder_hidden_states[0] encoder_attentions = outputs.encoder_attentions[0] encoder_hidden_states.retain_grad() encoder_attentions.retain_grad() decoder_hidden_states = outputs.decoder_hidden_states[0] decoder_attentions = outputs.decoder_attentions[0] decoder_hidden_states.retain_grad() decoder_attentions.retain_grad() cross_attentions = outputs.cross_attentions[0] cross_attentions.retain_grad() output.flatten()[0].backward(retain_graph=True) self.assertIsNotNone(encoder_hidden_states.grad) self.assertIsNotNone(encoder_attentions.grad) self.assertIsNotNone(decoder_hidden_states.grad) self.assertIsNotNone(decoder_attentions.grad) self.assertIsNotNone(cross_attentions.grad) else: # Encoder-/Decoder-only models hidden_states = outputs.hidden_states[0] attentions = outputs.attentions[0] hidden_states.retain_grad() attentions.retain_grad() output.flatten()[0].backward(retain_graph=True) self.assertIsNotNone(hidden_states.grad) self.assertIsNotNone(attentions.grad) def test_feed_forward_chunking(self): ( original_config, inputs_dict, ) = self.model_tester.prepare_config_and_inputs_for_common() for model_class in self.all_model_classes: torch.manual_seed(0) config = copy.deepcopy(original_config) model = model_class(config) model.to(torch_device) model.eval() hidden_states_no_chunk = model(**self._prepare_for_class(inputs_dict, model_class))[0] torch.manual_seed(0) config.chunk_size_feed_forward = 1 model = model_class(config) model.to(torch_device) model.eval() hidden_states_with_chunk = model(**self._prepare_for_class(inputs_dict, model_class))[0] self.assertTrue(torch.allclose(hidden_states_no_chunk, hidden_states_with_chunk, atol=1e-3)) def test_resize_tokens_embeddings(self): ( original_config, inputs_dict, ) = self.model_tester.prepare_config_and_inputs_for_common() if not self.test_resize_embeddings: return for model_class in self.all_model_classes: config = copy.deepcopy(original_config) model = model_class(config) model.to(torch_device) if self.model_tester.is_training is False: model.eval() model_vocab_size = config.vocab_size # Retrieve the embeddings and clone theme model_embed = model.resize_token_embeddings(model_vocab_size) cloned_embeddings = model_embed.weight.clone() # Check that resizing the token embeddings with a larger vocab size increases the model's vocab size model_embed = model.resize_token_embeddings(model_vocab_size + 10) self.assertEqual(model.config.vocab_size, model_vocab_size + 10) # Check that it actually resizes the embeddings matrix self.assertEqual(model_embed.weight.shape[0], cloned_embeddings.shape[0] + 10) # Check that the model can still do a forward pass successfully (every parameter should be resized) model(**self._prepare_for_class(inputs_dict, model_class)) # Check that resizing the token embeddings with a smaller vocab size decreases the model's vocab size model_embed = model.resize_token_embeddings(model_vocab_size - 15) self.assertEqual(model.config.vocab_size, model_vocab_size - 15) # Check that it actually resizes the embeddings matrix self.assertEqual(model_embed.weight.shape[0], cloned_embeddings.shape[0] - 15) # Check that the model can still do a forward pass successfully (every parameter should be resized) # Input ids should be clamped to the maximum size of the vocabulary inputs_dict["input_ids"].clamp_(max=model_vocab_size - 15 - 1) # make sure that decoder_input_ids are resized as well if "decoder_input_ids" in inputs_dict: inputs_dict["decoder_input_ids"].clamp_(max=model_vocab_size - 15 - 1) model(**self._prepare_for_class(inputs_dict, model_class)) # Check that adding and removing tokens has not modified the first part of the embedding matrix. models_equal = True for p1, p2 in zip(cloned_embeddings, model_embed.weight): if p1.data.ne(p2.data).sum() > 0: models_equal = False self.assertTrue(models_equal) def test_resize_embeddings_untied(self): ( original_config, inputs_dict, ) = self.model_tester.prepare_config_and_inputs_for_common() if not self.test_resize_embeddings: return original_config.tie_word_embeddings = False # if model cannot untied embeddings -> leave test if original_config.tie_word_embeddings: return for model_class in self.all_model_classes: config = copy.deepcopy(original_config) model = model_class(config).to(torch_device) # if no output embeddings -> leave test if model.get_output_embeddings() is None: continue # Check that resizing the token embeddings with a larger vocab size increases the model's vocab size model_vocab_size = config.vocab_size model.resize_token_embeddings(model_vocab_size + 10) self.assertEqual(model.config.vocab_size, model_vocab_size + 10) output_embeds = model.get_output_embeddings() self.assertEqual(output_embeds.weight.shape[0], model_vocab_size + 10) # Check bias if present if output_embeds.bias is not None: self.assertEqual(output_embeds.bias.shape[0], model_vocab_size + 10) # Check that the model can still do a forward pass successfully (every parameter should be resized) model(**self._prepare_for_class(inputs_dict, model_class)) # Check that resizing the token embeddings with a smaller vocab size decreases the model's vocab size model.resize_token_embeddings(model_vocab_size - 15) self.assertEqual(model.config.vocab_size, model_vocab_size - 15) # Check that it actually resizes the embeddings matrix output_embeds = model.get_output_embeddings() self.assertEqual(output_embeds.weight.shape[0], model_vocab_size - 15) # Check bias if present if output_embeds.bias is not None: self.assertEqual(output_embeds.bias.shape[0], model_vocab_size - 15) # Check that the model can still do a forward pass successfully (every parameter should be resized) # Input ids should be clamped to the maximum size of the vocabulary inputs_dict["input_ids"].clamp_(max=model_vocab_size - 15 - 1) if "decoder_input_ids" in inputs_dict: inputs_dict["decoder_input_ids"].clamp_(max=model_vocab_size - 15 - 1) # Check that the model can still do a forward pass successfully (every parameter should be resized) model(**self._prepare_for_class(inputs_dict, model_class)) def test_model_common_attributes(self): config, inputs_dict = self.model_tester.prepare_config_and_inputs_for_common() for model_class in self.all_model_classes: model = model_class(config) self.assertIsInstance(model.get_input_embeddings(), (torch.nn.Embedding, AdaptiveEmbedding)) model.set_input_embeddings(torch.nn.Embedding(10, 10)) x = model.get_output_embeddings() self.assertTrue(x is None or isinstance(x, torch.nn.Linear)) def test_correct_missing_keys(self): if not self.test_missing_keys: return config, _ = self.model_tester.prepare_config_and_inputs_for_common() for model_class in self.all_model_classes: model = model_class(config) base_model_prefix = model.base_model_prefix if hasattr(model, base_model_prefix): with tempfile.TemporaryDirectory() as temp_dir_name: model.base_model.save_pretrained(temp_dir_name) model, loading_info = model_class.from_pretrained(temp_dir_name, output_loading_info=True) with self.subTest(msg="Missing keys for {}".format(model.__class__.__name__)): self.assertGreater(len(loading_info["missing_keys"]), 0) def test_tie_model_weights(self): if not self.test_torchscript: return config, inputs_dict = self.model_tester.prepare_config_and_inputs_for_common() def check_same_values(layer_1, layer_2): equal = True for p1, p2 in zip(layer_1.weight, layer_2.weight): if p1.data.ne(p2.data).sum() > 0: equal = False return equal for model_class in self.all_model_classes: config.torchscript = True model_not_tied = model_class(config) if model_not_tied.get_output_embeddings() is None: continue config_tied = copy.deepcopy(config) config_tied.torchscript = False model_tied = model_class(config_tied) params_tied = list(model_tied.parameters()) # Check that the embedding layer and decoding layer are the same in size and in value # self.assertTrue(check_same_values(embeddings, decoding)) # # Check that after modification, they remain the same. # embeddings.weight.data.div_(2) # # Check that the embedding layer and decoding layer are the same in size and in value # self.assertTrue(embeddings.weight.shape, decoding.weight.shape) # self.assertTrue(check_same_values(embeddings, decoding)) # # Check that after modification, they remain the same. # decoding.weight.data.div_(4) # # Check that the embedding layer and decoding layer are the same in size and in value # self.assertTrue(embeddings.weight.shape, decoding.weight.shape) # self.assertTrue(check_same_values(embeddings, decoding)) # Check that after resize they remain tied. model_tied.resize_token_embeddings(config.vocab_size + 10) params_tied_2 = list(model_tied.parameters()) self.assertEqual(len(params_tied_2), len(params_tied)) # decoding.weight.data.mul_(20) # # Check that the embedding layer and decoding layer are the same in size and in value # self.assertTrue(model.transformer.wte.weight.shape, model.lm_head.weight.shape) # self.assertTrue(check_same_values(model.transformer.wte, model.lm_head)) def test_model_outputs_equivalence(self): config, inputs_dict = self.model_tester.prepare_config_and_inputs_for_common() def set_nan_tensor_to_zero(t): t[t != t] = 0 return t def check_equivalence(model, tuple_inputs, dict_inputs, additional_kwargs={}): with torch.no_grad(): tuple_output = model(**tuple_inputs, return_dict=False, **additional_kwargs) dict_output = model(**dict_inputs, return_dict=True, **additional_kwargs).to_tuple() def recursive_check(tuple_object, dict_object): if isinstance(tuple_object, (List, Tuple)): for tuple_iterable_value, dict_iterable_value in zip(tuple_object, dict_object): recursive_check(tuple_iterable_value, dict_iterable_value) elif tuple_object is None: return else: self.assertTrue( torch.allclose( set_nan_tensor_to_zero(tuple_object), set_nan_tensor_to_zero(dict_object), atol=1e-5 ), msg=f"Tuple and dict output are not equal. Difference: {torch.max(torch.abs(tuple_object - dict_object))}. Tuple has `nan`: {torch.isnan(tuple_object).any()} and `inf`: {torch.isinf(tuple_object)}. Dict has `nan`: {torch.isnan(dict_object).any()} and `inf`: {torch.isinf(dict_object)}.", ) recursive_check(tuple_output, dict_output) for model_class in self.all_model_classes: model = model_class(config) model.to(torch_device) model.eval() tuple_inputs = self._prepare_for_class(inputs_dict, model_class) dict_inputs = self._prepare_for_class(inputs_dict, model_class) check_equivalence(model, tuple_inputs, dict_inputs) tuple_inputs = self._prepare_for_class(inputs_dict, model_class, return_labels=True) dict_inputs = self._prepare_for_class(inputs_dict, model_class, return_labels=True) check_equivalence(model, tuple_inputs, dict_inputs) tuple_inputs = self._prepare_for_class(inputs_dict, model_class) dict_inputs = self._prepare_for_class(inputs_dict, model_class) check_equivalence(model, tuple_inputs, dict_inputs, {"output_hidden_states": True}) tuple_inputs = self._prepare_for_class(inputs_dict, model_class) dict_inputs = self._prepare_for_class(inputs_dict, model_class) check_equivalence(model, tuple_inputs, dict_inputs, {"output_attentions": True}) tuple_inputs = self._prepare_for_class(inputs_dict, model_class, return_labels=True) dict_inputs = self._prepare_for_class(inputs_dict, model_class, return_labels=True) check_equivalence(model, tuple_inputs, dict_inputs, {"output_hidden_states": True}) tuple_inputs = self._prepare_for_class(inputs_dict, model_class, return_labels=True) dict_inputs = self._prepare_for_class(inputs_dict, model_class, return_labels=True) check_equivalence(model, tuple_inputs, dict_inputs, {"output_attentions": True}) tuple_inputs = self._prepare_for_class(inputs_dict, model_class, return_labels=True) dict_inputs = self._prepare_for_class(inputs_dict, model_class, return_labels=True) check_equivalence( model, tuple_inputs, dict_inputs, {"output_hidden_states": True, "output_attentions": True} ) def test_inputs_embeds(self): config, inputs_dict = self.model_tester.prepare_config_and_inputs_for_common() for model_class in self.all_model_classes: model = model_class(config) model.to(torch_device) model.eval() inputs = copy.deepcopy(self._prepare_for_class(inputs_dict, model_class)) if not self.is_encoder_decoder: input_ids = inputs["input_ids"] del inputs["input_ids"] else: encoder_input_ids = inputs["input_ids"] decoder_input_ids = inputs.get("decoder_input_ids", encoder_input_ids) del inputs["input_ids"] inputs.pop("decoder_input_ids", None) wte = model.get_input_embeddings() if not self.is_encoder_decoder: inputs["inputs_embeds"] = wte(input_ids) else: inputs["inputs_embeds"] = wte(encoder_input_ids) inputs["decoder_inputs_embeds"] = wte(decoder_input_ids) with torch.no_grad(): model(**inputs)[0] @require_torch_multi_gpu def test_multi_gpu_data_parallel_forward(self): config, inputs_dict = self.model_tester.prepare_config_and_inputs_for_common() # some params shouldn't be scattered by nn.DataParallel # so just remove them if they are present. blacklist_non_batched_params = ["head_mask", "decoder_head_mask"] for k in blacklist_non_batched_params: inputs_dict.pop(k, None) # move input tensors to cuda:O for k, v in inputs_dict.items(): if torch.is_tensor(v): inputs_dict[k] = v.to(0) for model_class in self.all_model_classes: model = model_class(config=config) model.to(0) model.eval() # Wrap model in nn.DataParallel model = torch.nn.DataParallel(model) with torch.no_grad(): _ = model(**self._prepare_for_class(inputs_dict, model_class)) @require_torch_multi_gpu def test_model_parallelization(self): if not self.test_model_parallel: return # a candidate for testing_utils def get_current_gpu_memory_use(): """ returns a list of cuda memory allocations per GPU in MBs""" per_device_memory = [] for id in range(torch.cuda.device_count()): with torch.cuda.device(id): per_device_memory.append(torch.cuda.memory_allocated() >> 20) return per_device_memory # Needs a large model to see the difference. config = self.model_tester.get_large_model_config() for model_class in self.all_parallelizable_model_classes: torch.cuda.empty_cache() # 1. single gpu memory load + unload + memory measurements # Retrieve initial memory usage (can easily be ~0.6-1.5GB if cuda-kernels have been preloaded by previous tests) memory_at_start = get_current_gpu_memory_use() # Put model on device 0 and take a memory snapshot model = model_class(config) model.to("cuda:0") memory_after_model_load = get_current_gpu_memory_use() # The memory use on device 0 should be higher than it was initially. self.assertGreater(memory_after_model_load[0], memory_at_start[0]) del model gc.collect() torch.cuda.empty_cache() # 2. MP test # it's essential to re-calibrate the usage before the next stage memory_at_start = get_current_gpu_memory_use() # Spread model layers over multiple devices model = model_class(config) model.parallelize() memory_after_parallelization = get_current_gpu_memory_use() # Assert that the memory use on all devices is higher than it was when loaded only on CPU for n in range(torch.cuda.device_count()): self.assertGreater(memory_after_parallelization[n], memory_at_start[n]) # Assert that the memory use of device 0 is lower than it was when the entire model was loaded on it self.assertLess(memory_after_parallelization[0], memory_after_model_load[0]) # Assert that the memory use of device 1 is higher than it was when the entire model was loaded # on device 0 and device 1 wasn't used at all self.assertGreater(memory_after_parallelization[1], memory_after_model_load[1]) del model gc.collect() torch.cuda.empty_cache() @require_torch_multi_gpu def test_model_parallel_equal_results(self): if not self.test_model_parallel: return config, inputs_dict = self.model_tester.prepare_config_and_inputs_for_common() for model_class in self.all_parallelizable_model_classes: inputs_dict = self._prepare_for_class(inputs_dict, model_class) def cast_to_device(dictionary, device): output = {} for k, v in dictionary.items(): if isinstance(v, torch.Tensor): output[k] = v.to(device) else: output[k] = v return output model = model_class(config) output = model(**cast_to_device(inputs_dict, "cpu")) model.parallelize() parallel_output = model(**cast_to_device(inputs_dict, "cuda:0")) for value, parallel_value in zip(output, parallel_output): if isinstance(value, torch.Tensor): self.assertTrue(torch.allclose(value, parallel_value.to("cpu"), atol=1e-7)) elif isinstance(value, (Tuple, List)): for value_, parallel_value_ in zip(value, parallel_value): self.assertTrue(torch.allclose(value_, parallel_value_.to("cpu"), atol=1e-7)) @require_torch_multi_gpu def test_model_parallel_beam_search(self): if not self.test_model_parallel: return all_generative_and_parallelizable_model_classes = tuple( set(self.all_generative_model_classes).intersection(self.all_parallelizable_model_classes) ) config, inputs_dict = self.model_tester.prepare_config_and_inputs_for_common() for model_class in all_generative_and_parallelizable_model_classes: inputs_dict = self._prepare_for_class(inputs_dict, model_class) model = model_class(config) def cast_to_device(dictionary, device): output = {} for k, v in dictionary.items(): if isinstance(v, torch.Tensor): output[k] = v.to(device) else: output[k] = v return output model.parallelize() model.generate(**cast_to_device(inputs_dict, "cuda:0"), num_beams=2) global_rng = random.Random() def ids_tensor(shape, vocab_size, rng=None, name=None): # Creates a random int32 tensor of the shape within the vocab size if rng is None: rng = global_rng total_dims = 1 for dim in shape: total_dims *= dim values = [] for _ in range(total_dims): values.append(rng.randint(0, vocab_size - 1)) return torch.tensor(data=values, dtype=torch.long, device=torch_device).view(shape).contiguous() def random_attention_mask(shape, rng=None, name=None): attn_mask = ids_tensor(shape, vocab_size=2, rng=None, name=None) # make sure that at least one token is attended to for each batch attn_mask[:, -1] = 1 return attn_mask def floats_tensor(shape, scale=1.0, rng=None, name=None): """Creates a random float32 tensor""" if rng is None: rng = global_rng total_dims = 1 for dim in shape: total_dims *= dim values = [] for _ in range(total_dims): values.append(rng.random() * scale) return torch.tensor(data=values, dtype=torch.float, device=torch_device).view(shape).contiguous() @require_torch class ModelUtilsTest(unittest.TestCase): @slow def test_model_from_pretrained(self): for model_name in BERT_PRETRAINED_MODEL_ARCHIVE_LIST[:1]: config = BertConfig.from_pretrained(model_name) self.assertIsNotNone(config) self.assertIsInstance(config, PretrainedConfig) model = BertModel.from_pretrained(model_name) model, loading_info = BertModel.from_pretrained(model_name, output_loading_info=True) self.assertIsNotNone(model) self.assertIsInstance(model, PreTrainedModel) for value in loading_info.values(): self.assertEqual(len(value), 0) config = BertConfig.from_pretrained(model_name, output_attentions=True, output_hidden_states=True) # Not sure this is the intended behavior. TODO fix Lysandre & Thom config.name_or_path = model_name model = BertModel.from_pretrained(model_name, output_attentions=True, output_hidden_states=True) self.assertEqual(model.config.output_hidden_states, True) self.assertEqual(model.config, config)
AdaMix/tests/test_modeling_common.py/0
{ "file_path": "AdaMix/tests/test_modeling_common.py", "repo_id": "AdaMix", "token_count": 26881 }
73
# coding=utf-8 # Copyright 2020 The HuggingFace Team. All rights reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. # You may obtain a copy of the License at # # http://www.apache.org/licenses/LICENSE-2.0 # # Unless required by applicable law or agreed to in writing, software # distributed under the License is distributed on an "AS IS" BASIS, # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. # See the License for the specific language governing permissions and # limitations under the License. import copy import unittest from transformers import is_torch_available from transformers.testing_utils import require_torch, slow, torch_device from .test_configuration_common import ConfigTester from .test_modeling_common import ModelTesterMixin, ids_tensor, random_attention_mask if is_torch_available(): import torch import torch.nn as nn from transformers import ( IBERT_PRETRAINED_MODEL_ARCHIVE_LIST, IBertConfig, IBertForMaskedLM, IBertForMultipleChoice, IBertForQuestionAnswering, IBertForSequenceClassification, IBertForTokenClassification, IBertModel, ) from transformers.models.ibert.modeling_ibert import ( IBertEmbeddings, IntGELU, IntLayerNorm, IntSoftmax, QuantAct, QuantEmbedding, QuantLinear, create_position_ids_from_input_ids, ) class IBertModelTester: def __init__( self, parent, ): self.parent = parent self.batch_size = 13 self.seq_length = 7 self.is_training = True self.use_input_mask = True self.use_token_type_ids = True self.use_labels = True self.vocab_size = 99 self.hidden_size = 32 self.num_hidden_layers = 5 self.num_attention_heads = 4 self.intermediate_size = 37 self.hidden_act = "gelu" self.hidden_dropout_prob = 0.1 self.attention_probs_dropout_prob = 0.1 self.max_position_embeddings = 512 self.type_vocab_size = 16 self.type_sequence_label_size = 2 self.initializer_range = 0.02 self.num_labels = 3 self.num_choices = 4 self.scope = None def prepare_config_and_inputs(self): input_ids = ids_tensor([self.batch_size, self.seq_length], self.vocab_size) input_mask = None if self.use_input_mask: input_mask = random_attention_mask([self.batch_size, self.seq_length]) token_type_ids = None if self.use_token_type_ids: token_type_ids = ids_tensor([self.batch_size, self.seq_length], self.type_vocab_size) sequence_labels = None token_labels = None choice_labels = None if self.use_labels: sequence_labels = ids_tensor([self.batch_size], self.type_sequence_label_size) token_labels = ids_tensor([self.batch_size, self.seq_length], self.num_labels) choice_labels = ids_tensor([self.batch_size], self.num_choices) config = IBertConfig( vocab_size=self.vocab_size, hidden_size=self.hidden_size, num_hidden_layers=self.num_hidden_layers, num_attention_heads=self.num_attention_heads, intermediate_size=self.intermediate_size, hidden_act=self.hidden_act, hidden_dropout_prob=self.hidden_dropout_prob, attention_probs_dropout_prob=self.attention_probs_dropout_prob, max_position_embeddings=self.max_position_embeddings, type_vocab_size=self.type_vocab_size, initializer_range=self.initializer_range, quant_mode=True, ) return config, input_ids, token_type_ids, input_mask, sequence_labels, token_labels, choice_labels def create_and_check_model( self, config, input_ids, token_type_ids, input_mask, sequence_labels, token_labels, choice_labels ): model = IBertModel(config=config) model.to(torch_device) model.eval() result = model(input_ids, attention_mask=input_mask, token_type_ids=token_type_ids) result = model(input_ids, token_type_ids=token_type_ids) result = model(input_ids) self.parent.assertEqual(result.last_hidden_state.shape, (self.batch_size, self.seq_length, self.hidden_size)) self.parent.assertEqual(result.pooler_output.shape, (self.batch_size, self.hidden_size)) def create_and_check_for_masked_lm( self, config, input_ids, token_type_ids, input_mask, sequence_labels, token_labels, choice_labels ): model = IBertForMaskedLM(config=config) model.to(torch_device) model.eval() result = model(input_ids, attention_mask=input_mask, token_type_ids=token_type_ids, labels=token_labels) self.parent.assertEqual(result.logits.shape, (self.batch_size, self.seq_length, self.vocab_size)) def create_and_check_for_token_classification( self, config, input_ids, token_type_ids, input_mask, sequence_labels, token_labels, choice_labels ): config.num_labels = self.num_labels model = IBertForTokenClassification(config=config) model.to(torch_device) model.eval() result = model(input_ids, attention_mask=input_mask, token_type_ids=token_type_ids, labels=token_labels) self.parent.assertEqual(result.logits.shape, (self.batch_size, self.seq_length, self.num_labels)) def create_and_check_for_multiple_choice( self, config, input_ids, token_type_ids, input_mask, sequence_labels, token_labels, choice_labels ): config.num_choices = self.num_choices model = IBertForMultipleChoice(config=config) model.to(torch_device) model.eval() multiple_choice_inputs_ids = input_ids.unsqueeze(1).expand(-1, self.num_choices, -1).contiguous() multiple_choice_token_type_ids = token_type_ids.unsqueeze(1).expand(-1, self.num_choices, -1).contiguous() multiple_choice_input_mask = input_mask.unsqueeze(1).expand(-1, self.num_choices, -1).contiguous() result = model( multiple_choice_inputs_ids, attention_mask=multiple_choice_input_mask, token_type_ids=multiple_choice_token_type_ids, labels=choice_labels, ) self.parent.assertEqual(result.logits.shape, (self.batch_size, self.num_choices)) def create_and_check_for_question_answering( self, config, input_ids, token_type_ids, input_mask, sequence_labels, token_labels, choice_labels ): model = IBertForQuestionAnswering(config=config) model.to(torch_device) model.eval() result = model( input_ids, attention_mask=input_mask, token_type_ids=token_type_ids, start_positions=sequence_labels, end_positions=sequence_labels, ) self.parent.assertEqual(result.start_logits.shape, (self.batch_size, self.seq_length)) self.parent.assertEqual(result.end_logits.shape, (self.batch_size, self.seq_length)) def prepare_config_and_inputs_for_common(self): config_and_inputs = self.prepare_config_and_inputs() ( config, input_ids, token_type_ids, input_mask, sequence_labels, token_labels, choice_labels, ) = config_and_inputs inputs_dict = {"input_ids": input_ids, "token_type_ids": token_type_ids, "attention_mask": input_mask} return config, inputs_dict @require_torch class IBertModelTest(ModelTesterMixin, unittest.TestCase): test_pruning = False test_torchscript = False test_head_masking = False test_resize_embeddings = False all_model_classes = ( ( IBertForMaskedLM, IBertModel, IBertForSequenceClassification, IBertForTokenClassification, IBertForMultipleChoice, IBertForQuestionAnswering, ) if is_torch_available() else () ) def setUp(self): self.model_tester = IBertModelTester(self) self.config_tester = ConfigTester(self, config_class=IBertConfig, hidden_size=37) def test_config(self): self.config_tester.run_common_tests() def test_model(self): config_and_inputs = self.model_tester.prepare_config_and_inputs() self.model_tester.create_and_check_model(*config_and_inputs) def test_model_various_embeddings(self): config_and_inputs = self.model_tester.prepare_config_and_inputs() # I-BERT only supports absolute embedding for type in ["absolute"]: config_and_inputs[0].position_embedding_type = type self.model_tester.create_and_check_model(*config_and_inputs) def test_for_masked_lm(self): config_and_inputs = self.model_tester.prepare_config_and_inputs() self.model_tester.create_and_check_for_masked_lm(*config_and_inputs) def test_for_token_classification(self): config_and_inputs = self.model_tester.prepare_config_and_inputs() self.model_tester.create_and_check_for_token_classification(*config_and_inputs) def test_for_multiple_choice(self): config_and_inputs = self.model_tester.prepare_config_and_inputs() self.model_tester.create_and_check_for_multiple_choice(*config_and_inputs) def test_for_question_answering(self): config_and_inputs = self.model_tester.prepare_config_and_inputs() self.model_tester.create_and_check_for_question_answering(*config_and_inputs) @slow def test_model_from_pretrained(self): for model_name in IBERT_PRETRAINED_MODEL_ARCHIVE_LIST[:1]: model = IBertModel.from_pretrained(model_name) self.assertIsNotNone(model) def test_create_position_ids_respects_padding_index(self): """Ensure that the default position ids only assign a sequential . This is a regression test for https://github.com/huggingface/transformers/issues/1761 The position ids should be masked with the embedding object's padding index. Therefore, the first available non-padding position index is IBertEmbeddings.padding_idx + 1 """ config = self.model_tester.prepare_config_and_inputs()[0] model = IBertEmbeddings(config=config) input_ids = torch.as_tensor([[12, 31, 13, model.padding_idx]]) expected_positions = torch.as_tensor( [[0 + model.padding_idx + 1, 1 + model.padding_idx + 1, 2 + model.padding_idx + 1, model.padding_idx]] ) position_ids = create_position_ids_from_input_ids(input_ids, model.padding_idx) self.assertEqual(position_ids.shape, expected_positions.shape) self.assertTrue(torch.all(torch.eq(position_ids, expected_positions))) def test_create_position_ids_from_inputs_embeds(self): """Ensure that the default position ids only assign a sequential . This is a regression test for https://github.com/huggingface/transformers/issues/1761 The position ids should be masked with the embedding object's padding index. Therefore, the first available non-padding position index is IBertEmbeddings.padding_idx + 1 """ config = self.model_tester.prepare_config_and_inputs()[0] embeddings = IBertEmbeddings(config=config) inputs_embeds = torch.Tensor(2, 4, 30) expected_single_positions = [ 0 + embeddings.padding_idx + 1, 1 + embeddings.padding_idx + 1, 2 + embeddings.padding_idx + 1, 3 + embeddings.padding_idx + 1, ] expected_positions = torch.as_tensor([expected_single_positions, expected_single_positions]) position_ids = embeddings.create_position_ids_from_inputs_embeds(inputs_embeds) self.assertEqual(position_ids.shape, expected_positions.shape) self.assertTrue(torch.all(torch.eq(position_ids, expected_positions))) # Override def test_model_common_attributes(self): config, inputs_dict = self.model_tester.prepare_config_and_inputs_for_common() for model_class in self.all_model_classes: model = model_class(config) self.assertIsInstance(model.get_input_embeddings(), QuantEmbedding) model.set_input_embeddings(torch.nn.Embedding(10, 10)) x = model.get_output_embeddings() self.assertTrue(x is None or isinstance(x, torch.nn.Linear)) # Override def test_feed_forward_chunking(self): pass # I-BERT does not support chunking # Override def test_inputs_embeds(self): config, inputs_dict = self.model_tester.prepare_config_and_inputs_for_common() for model_class in self.all_model_classes: model = model_class(config) model.to(torch_device) model.eval() inputs = copy.deepcopy(self._prepare_for_class(inputs_dict, model_class)) if not self.is_encoder_decoder: input_ids = inputs["input_ids"] del inputs["input_ids"] else: encoder_input_ids = inputs["input_ids"] decoder_input_ids = inputs.get("decoder_input_ids", encoder_input_ids) del inputs["input_ids"] inputs.pop("decoder_input_ids", None) wte = model.get_input_embeddings() if not self.is_encoder_decoder: embed, embed_scaling_factor = wte(input_ids) inputs["inputs_embeds"] = embed else: inputs["inputs_embeds"] = wte(encoder_input_ids) inputs["decoder_inputs_embeds"] = wte(decoder_input_ids) with torch.no_grad(): model(**inputs)[0] @require_torch class IBertModelIntegrationTest(unittest.TestCase): def test_quant_embedding(self): weight_bit = 8 embedding = QuantEmbedding(2, 4, quant_mode=True, weight_bit=weight_bit) embedding_weight = torch.tensor([[-1.0, -2.0, -3.0, -4.0], [5.0, 6.0, 7.0, 8.0]]) embedding.weight = torch.nn.Parameter(embedding_weight) expected_scaling_factor = embedding_weight.abs().max() / (2 ** (weight_bit - 1) - 1) x, x_scaling_factor = embedding(torch.tensor(0)) y, y_scaling_factor = embedding(torch.tensor(1)) # scaling factor should follow the symmetric quantization rule self.assertTrue(torch.allclose(x_scaling_factor, expected_scaling_factor, atol=1e-4)) self.assertTrue(torch.allclose(x_scaling_factor, expected_scaling_factor, atol=1e-4)) self.assertTrue(torch.allclose(y_scaling_factor, expected_scaling_factor, atol=1e-4)) # quantization error should not exceed the scaling factor self.assertTrue(torch.allclose(x, embedding_weight[0], atol=expected_scaling_factor)) self.assertTrue(torch.allclose(y, embedding_weight[1], atol=expected_scaling_factor)) def test_quant_act(self): def _test_range(): act = QuantAct(activation_bit, act_range_momentum, quant_mode=True) # First pass x = torch.tensor([[-1.0, -2.0, -3.0, -4.0], [5.0, 6.0, 7.0, 8.0]]) x_scaling_factor = torch.tensor(1.0) y, y_scaling_factor = act(x, x_scaling_factor) y_int = y / y_scaling_factor # After the first pass, x_min and x_max should be initialized with x.min() and x.max() expected_x_min, expected_x_max = x.min(), x.max() self.assertTrue(torch.allclose(act.x_min, expected_x_min, atol=1e-4)) self.assertTrue(torch.allclose(act.x_max, expected_x_max, atol=1e-4)) # scaling factor should follow the symmetric quantization rule expected_range = torch.max(expected_x_min.abs(), expected_x_max.abs()) expected_scaling_factor = expected_range / (2 ** (activation_bit - 1) - 1) self.assertTrue(torch.allclose(y_scaling_factor, expected_scaling_factor, atol=1e-4)) # quantization error should not exceed the scaling factor self.assertTrue(torch.allclose(x, y, atol=expected_scaling_factor)) # output should be integer self.assertTrue(torch.allclose(y_int, y_int.round(), atol=1e-4)) # Second Pass x = torch.tensor([[-1.0, -2.0, -3.0, -4.0], [5.0, 6.0, 7.0, 8.0]]) * 2 x_scaling_factor = torch.tensor(1.0) y, y_scaling_factor = act(x, x_scaling_factor) y_int = y / y_scaling_factor # From the second pass, x_min and x_max should be updated with moving average expected_x_min = expected_x_min * act_range_momentum + x.min() * (1 - act_range_momentum) expected_x_max = expected_x_max * act_range_momentum + x.max() * (1 - act_range_momentum) self.assertTrue(torch.allclose(act.x_min, expected_x_min, atol=1e-4)) self.assertTrue(torch.allclose(act.x_max, expected_x_max, atol=1e-4)) # scaling factor should follow the symmetric quantization rule expected_range = torch.max(expected_x_min.abs(), expected_x_max.abs()) expected_scaling_factor = expected_range / (2 ** (activation_bit - 1) - 1) self.assertTrue(torch.allclose(y_scaling_factor, expected_scaling_factor, atol=1e-4)) # quantization error should not exceed the scaling factor x = x.clamp(min=-expected_range, max=expected_range) self.assertTrue(torch.allclose(x, y, atol=expected_scaling_factor)) # output should be integer self.assertTrue(torch.allclose(y_int, y_int.round(), atol=1e-4)) # Third pass, with eval() act.eval() x = torch.tensor([[-1.0, -2.0, -3.0, -4.0], [5.0, 6.0, 7.0, 8.0]]) * 3 # In eval mode, min/max and scaling factor must be fixed self.assertTrue(torch.allclose(act.x_min, expected_x_min, atol=1e-4)) self.assertTrue(torch.allclose(act.x_max, expected_x_max, atol=1e-4)) self.assertTrue(torch.allclose(y_scaling_factor, expected_scaling_factor, atol=1e-4)) def _test_identity(): # test if identity and identity_scaling_factor are given # should add the input values act = QuantAct(activation_bit, act_range_momentum, quant_mode=True) x = torch.tensor([[-1.0, -2.0, -3.0, -4.0], [5.0, 6.0, 7.0, 8.0]]) y = torch.tensor([[6.0, -7.0, 1.0, -2.0], [3.0, -4.0, -8.0, 5.0]]) x_scaling_factor = torch.tensor(1.0) y_scaling_factor = torch.tensor(0.5) z, z_scaling_factor = act(x, x_scaling_factor, y, y_scaling_factor) z_int = z / z_scaling_factor self.assertTrue(torch.allclose(x + y, z, atol=0.1)) self.assertTrue(torch.allclose(z_int, z_int.round(), atol=1e-4)) activation_bit = 8 act_range_momentum = 0.95 _test_range() _test_identity() def test_quant_linear(self): def _test(per_channel): linear_q = QuantLinear(2, 4, quant_mode=True, per_channel=per_channel, weight_bit=weight_bit) linear_dq = QuantLinear(2, 4, quant_mode=False, per_channel=per_channel, weight_bit=weight_bit) linear_weight = torch.tensor([[-1.0, 2.0, 3.0, -4.0], [5.0, -6.0, -7.0, 8.0]]).T linear_q.weight = torch.nn.Parameter(linear_weight) linear_dq.weight = torch.nn.Parameter(linear_weight) q, q_scaling_factor = linear_q(x, x_scaling_factor) q_int = q / q_scaling_factor dq, dq_scaling_factor = linear_dq(x, x_scaling_factor) if per_channel: q_max = linear_weight.abs().max(dim=1).values else: q_max = linear_weight.abs().max() expected_scaling_factor = q_max / (2 ** (weight_bit - 1) - 1) # scaling factor should follow the symmetric quantization rule self.assertTrue(torch.allclose(linear_q.fc_scaling_factor, expected_scaling_factor, atol=1e-4)) # output of the normal linear layer and the quantized linear layer should be similar self.assertTrue(torch.allclose(q, dq, atol=0.5)) # output of the quantized linear layer should be integer self.assertTrue(torch.allclose(q_int, q_int.round(), atol=1e-4)) weight_bit = 8 x = torch.tensor([[2.0, -5.0], [-3.0, 4.0]]) x_scaling_factor = torch.tensor([1.0]) _test(True) _test(False) def test_int_gelu(self): gelu_q = IntGELU(quant_mode=True) gelu_dq = torch.nn.GELU() x_int = torch.range(-10000, 10000, 1) x_scaling_factor = torch.tensor(0.001) x = x_int * x_scaling_factor q, q_scaling_factor = gelu_q(x, x_scaling_factor) q_int = q / q_scaling_factor dq = gelu_dq(x) # output of the normal GELU and the quantized GELU should be similar self.assertTrue(torch.allclose(q, dq, atol=0.5)) # output of the quantized GELU layer should be integer self.assertTrue(torch.allclose(q_int, q_int.round(), atol=1e-4)) def test_force_dequant_gelu(self): x_int = torch.range(-10000, 10000, 1) x_scaling_factor = torch.tensor(0.001) x = x_int * x_scaling_factor gelu_dq = IntGELU(quant_mode=False) gelu_fdqs_dict = { True: [ IntGELU(quant_mode=True, force_dequant="nonlinear"), IntGELU(quant_mode=True, force_dequant="gelu"), ], False: [ IntGELU(quant_mode=True, force_dequant="none"), IntGELU(quant_mode=True, force_dequant="softmax"), IntGELU(quant_mode=True, force_dequant="layernorm"), ], } dq, dq_scaling_factor = gelu_dq(x, x_scaling_factor) for label, gelu_fdqs in gelu_fdqs_dict.items(): for gelu_fdq in gelu_fdqs: q, q_scaling_factor = gelu_fdq(x, x_scaling_factor) if label: self.assertTrue(torch.allclose(q, dq, atol=1e-4)) else: self.assertFalse(torch.allclose(q, dq, atol=1e-4)) def test_int_softmax(self): output_bit = 8 softmax_q = IntSoftmax(output_bit, quant_mode=True) softmax_dq = torch.nn.Softmax() # x_int = torch.range(-10000, 10000, 1) def _test(array): x_int = torch.tensor(array) x_scaling_factor = torch.tensor(0.1) x = x_int * x_scaling_factor q, q_scaling_factor = softmax_q(x, x_scaling_factor) q_int = q / q_scaling_factor dq = softmax_dq(x) # output of the normal Softmax and the quantized Softmax should be similar self.assertTrue(torch.allclose(q, dq, atol=0.5)) # output of the quantized GELU layer should be integer self.assertTrue(torch.allclose(q_int, q_int.round(), atol=1e-4)) # Output of the quantize Softmax should not exceed the output_bit self.assertTrue(q.abs().max() < 2 ** output_bit) array = [[i + j for j in range(10)] for i in range(-10, 10)] _test(array) array = [[i + j for j in range(50)] for i in range(-10, 10)] _test(array) array = [[i + 100 * j for j in range(2)] for i in range(-10, 10)] _test(array) def test_force_dequant_softmax(self): output_bit = 8 array = [[i + j for j in range(10)] for i in range(-10, 10)] x_int = torch.tensor(array) x_scaling_factor = torch.tensor(0.1) x = x_int * x_scaling_factor softmax_dq = IntSoftmax(output_bit, quant_mode=False) softmax_fdqs_dict = { True: [ IntSoftmax(output_bit, quant_mode=True, force_dequant="nonlinear"), IntSoftmax(output_bit, quant_mode=True, force_dequant="softmax"), ], False: [ IntSoftmax(output_bit, quant_mode=True, force_dequant="none"), IntSoftmax(output_bit, quant_mode=True, force_dequant="gelu"), IntSoftmax(output_bit, quant_mode=True, force_dequant="layernorm"), ], } dq, dq_scaling_factor = softmax_dq(x, x_scaling_factor) for label, softmax_fdqs in softmax_fdqs_dict.items(): for softmax_fdq in softmax_fdqs: q, q_scaling_factor = softmax_fdq(x, x_scaling_factor) if label: self.assertTrue(torch.allclose(q, dq, atol=1e-4)) else: self.assertFalse(torch.allclose(q, dq, atol=1e-4)) def test_int_layernorm(self): output_bit = 8 # some random matrix array = [[[i * j * j + j for j in range(5, 15)]] for i in range(-10, 10)] x_int = torch.tensor(array) x_scaling_factor = torch.tensor(0.1) x = x_int * x_scaling_factor ln_q = IntLayerNorm(x.shape[1:], 1e-5, quant_mode=True, output_bit=output_bit) ln_dq = torch.nn.LayerNorm(x.shape[1:], 1e-5) ln_q.weight = torch.nn.Parameter(torch.ones(x.shape[1:])) ln_q.bias = torch.nn.Parameter(torch.ones(x.shape[1:])) ln_dq.weight = torch.nn.Parameter(torch.ones(x.shape[1:])) ln_dq.bias = torch.nn.Parameter(torch.ones(x.shape[1:])) q, q_scaling_factor = ln_q(x, x_scaling_factor) q_int = q / q_scaling_factor dq = ln_dq(x) # output of the normal LN and the quantized LN should be similar self.assertTrue(torch.allclose(q, dq, atol=0.5)) # output of the quantized GELU layer should be integer self.assertTrue(torch.allclose(q_int, q_int.round(), atol=1e-4)) def test_force_dequant_layernorm(self): output_bit = 8 array = [[[i * j * j + j for j in range(5, 15)]] for i in range(-10, 10)] x_int = torch.tensor(array) x_scaling_factor = torch.tensor(0.1) x = x_int * x_scaling_factor ln_dq = IntLayerNorm(x.shape[1:], 1e-5, quant_mode=False, output_bit=output_bit) ln_fdqs_dict = { True: [ IntLayerNorm(x.shape[1:], 1e-5, quant_mode=True, output_bit=output_bit, force_dequant="nonlinear"), IntLayerNorm(x.shape[1:], 1e-5, quant_mode=True, output_bit=output_bit, force_dequant="layernorm"), ], False: [ IntLayerNorm(x.shape[1:], 1e-5, quant_mode=True, output_bit=output_bit, force_dequant="none"), IntLayerNorm(x.shape[1:], 1e-5, quant_mode=True, output_bit=output_bit, force_dequant="gelu"), IntLayerNorm(x.shape[1:], 1e-5, quant_mode=True, output_bit=output_bit, force_dequant="softmax"), ], } ln_dq.weight = torch.nn.Parameter(torch.ones(x.shape[1:])) ln_dq.bias = torch.nn.Parameter(torch.ones(x.shape[1:])) dq, dq_scaling_factor = ln_dq(x, x_scaling_factor) for label, ln_fdqs in ln_fdqs_dict.items(): for ln_fdq in ln_fdqs: ln_fdq.weight = torch.nn.Parameter(torch.ones(x.shape[1:])) ln_fdq.bias = torch.nn.Parameter(torch.ones(x.shape[1:])) q, q_scaling_factor = ln_fdq(x, x_scaling_factor) if label: self.assertTrue(torch.allclose(q, dq, atol=1e-4)) else: self.assertFalse(torch.allclose(q, dq, atol=1e-4)) def quantize(self, model): # Helper function that quantizes the given model # Recursively convert all the `quant_mode` attributes as `True` if hasattr(model, "quant_mode"): model.quant_mode = True elif type(model) == nn.Sequential: for n, m in model.named_children(): self.quantize(m) elif type(model) == nn.ModuleList: for n in model: self.quantize(n) else: for attr in dir(model): mod = getattr(model, attr) if isinstance(mod, nn.Module) and mod != model: self.quantize(mod) @slow def test_inference_masked_lm(self): # I-BERT should be "equivalent" to RoBERTa if not quantized # Test coped from `test_modeling_roberta.py` model = IBertForMaskedLM.from_pretrained("kssteven/ibert-roberta-base") input_ids = torch.tensor([[0, 31414, 232, 328, 740, 1140, 12695, 69, 46078, 1588, 2]]) output = model(input_ids)[0] expected_shape = torch.Size((1, 11, 50265)) self.assertEqual(output.shape, expected_shape) expected_slice = torch.tensor( [[[33.8802, -4.3103, 22.7761], [4.6539, -2.8098, 13.6253], [1.8228, -3.6898, 8.8600]]] ) self.assertTrue(torch.allclose(output[:, :3, :3], expected_slice, atol=1e-4)) # I-BERT should be "similar" to RoBERTa if quantized self.quantize(model) output = model(input_ids)[0] self.assertEqual(output.shape, expected_shape) self.assertTrue(torch.allclose(output[:, :3, :3], expected_slice, atol=0.1)) @slow def test_inference_classification_head(self): # I-BERT should be "equivalent" to RoBERTa if not quantized # Test coped from `test_modeling_roberta.py` model = IBertForSequenceClassification.from_pretrained("kssteven/ibert-roberta-large-mnli") input_ids = torch.tensor([[0, 31414, 232, 328, 740, 1140, 12695, 69, 46078, 1588, 2]]) output = model(input_ids)[0] expected_shape = torch.Size((1, 3)) self.assertEqual(output.shape, expected_shape) expected_tensor = torch.tensor([[-0.9469, 0.3913, 0.5118]]) self.assertTrue(torch.allclose(output, expected_tensor, atol=1e-4)) # I-BERT should be "similar" to RoBERTa if quantized self.quantize(model) output = model(input_ids)[0] self.assertEqual(output.shape, expected_shape) self.assertTrue(torch.allclose(output, expected_tensor, atol=0.1))
AdaMix/tests/test_modeling_ibert.py/0
{ "file_path": "AdaMix/tests/test_modeling_ibert.py", "repo_id": "AdaMix", "token_count": 14256 }
74
# coding=utf-8 # Copyright 2020 The HuggingFace Team. All rights reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. # You may obtain a copy of the License at # # http://www.apache.org/licenses/LICENSE-2.0 # # Unless required by applicable law or agreed to in writing, software # distributed under the License is distributed on an "AS IS" BASIS, # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. # See the License for the specific language governing permissions and # limitations under the License. import unittest from transformers import is_torch_available from transformers.testing_utils import require_torch, slow, torch_device from .test_configuration_common import ConfigTester from .test_generation_utils import GenerationTesterMixin from .test_modeling_common import ModelTesterMixin, floats_tensor, ids_tensor, random_attention_mask if is_torch_available(): import torch from transformers import ( RobertaConfig, RobertaForCausalLM, RobertaForMaskedLM, RobertaForMultipleChoice, RobertaForQuestionAnswering, RobertaForSequenceClassification, RobertaForTokenClassification, RobertaModel, ) from transformers.models.roberta.modeling_roberta import ( ROBERTA_PRETRAINED_MODEL_ARCHIVE_LIST, RobertaEmbeddings, create_position_ids_from_input_ids, ) class RobertaModelTester: def __init__( self, parent, ): self.parent = parent self.batch_size = 13 self.seq_length = 7 self.is_training = True self.use_input_mask = True self.use_token_type_ids = True self.use_labels = True self.vocab_size = 99 self.hidden_size = 32 self.num_hidden_layers = 5 self.num_attention_heads = 4 self.intermediate_size = 37 self.hidden_act = "gelu" self.hidden_dropout_prob = 0.1 self.attention_probs_dropout_prob = 0.1 self.max_position_embeddings = 512 self.type_vocab_size = 16 self.type_sequence_label_size = 2 self.initializer_range = 0.02 self.num_labels = 3 self.num_choices = 4 self.scope = None def prepare_config_and_inputs(self): input_ids = ids_tensor([self.batch_size, self.seq_length], self.vocab_size) input_mask = None if self.use_input_mask: input_mask = random_attention_mask([self.batch_size, self.seq_length]) token_type_ids = None if self.use_token_type_ids: token_type_ids = ids_tensor([self.batch_size, self.seq_length], self.type_vocab_size) sequence_labels = None token_labels = None choice_labels = None if self.use_labels: sequence_labels = ids_tensor([self.batch_size], self.type_sequence_label_size) token_labels = ids_tensor([self.batch_size, self.seq_length], self.num_labels) choice_labels = ids_tensor([self.batch_size], self.num_choices) config = RobertaConfig( vocab_size=self.vocab_size, hidden_size=self.hidden_size, num_hidden_layers=self.num_hidden_layers, num_attention_heads=self.num_attention_heads, intermediate_size=self.intermediate_size, hidden_act=self.hidden_act, hidden_dropout_prob=self.hidden_dropout_prob, attention_probs_dropout_prob=self.attention_probs_dropout_prob, max_position_embeddings=self.max_position_embeddings, type_vocab_size=self.type_vocab_size, initializer_range=self.initializer_range, ) return config, input_ids, token_type_ids, input_mask, sequence_labels, token_labels, choice_labels def prepare_config_and_inputs_for_decoder(self): ( config, input_ids, token_type_ids, input_mask, sequence_labels, token_labels, choice_labels, ) = self.prepare_config_and_inputs() config.is_decoder = True encoder_hidden_states = floats_tensor([self.batch_size, self.seq_length, self.hidden_size]) encoder_attention_mask = ids_tensor([self.batch_size, self.seq_length], vocab_size=2) return ( config, input_ids, token_type_ids, input_mask, sequence_labels, token_labels, choice_labels, encoder_hidden_states, encoder_attention_mask, ) def create_and_check_model( self, config, input_ids, token_type_ids, input_mask, sequence_labels, token_labels, choice_labels ): model = RobertaModel(config=config) model.to(torch_device) model.eval() result = model(input_ids, attention_mask=input_mask, token_type_ids=token_type_ids) result = model(input_ids, token_type_ids=token_type_ids) result = model(input_ids) self.parent.assertEqual(result.last_hidden_state.shape, (self.batch_size, self.seq_length, self.hidden_size)) self.parent.assertEqual(result.pooler_output.shape, (self.batch_size, self.hidden_size)) def create_and_check_model_as_decoder( self, config, input_ids, token_type_ids, input_mask, sequence_labels, token_labels, choice_labels, encoder_hidden_states, encoder_attention_mask, ): config.add_cross_attention = True model = RobertaModel(config) model.to(torch_device) model.eval() result = model( input_ids, attention_mask=input_mask, token_type_ids=token_type_ids, encoder_hidden_states=encoder_hidden_states, encoder_attention_mask=encoder_attention_mask, ) result = model( input_ids, attention_mask=input_mask, token_type_ids=token_type_ids, encoder_hidden_states=encoder_hidden_states, ) result = model(input_ids, attention_mask=input_mask, token_type_ids=token_type_ids) self.parent.assertEqual(result.last_hidden_state.shape, (self.batch_size, self.seq_length, self.hidden_size)) self.parent.assertEqual(result.pooler_output.shape, (self.batch_size, self.hidden_size)) def create_and_check_for_causal_lm( self, config, input_ids, token_type_ids, input_mask, sequence_labels, token_labels, choice_labels, encoder_hidden_states, encoder_attention_mask, ): model = RobertaForCausalLM(config=config) model.to(torch_device) model.eval() result = model(input_ids, attention_mask=input_mask, token_type_ids=token_type_ids, labels=token_labels) self.parent.assertEqual(result.logits.shape, (self.batch_size, self.seq_length, self.vocab_size)) def create_and_check_decoder_model_past_large_inputs( self, config, input_ids, token_type_ids, input_mask, sequence_labels, token_labels, choice_labels, encoder_hidden_states, encoder_attention_mask, ): config.is_decoder = True config.add_cross_attention = True model = RobertaForCausalLM(config=config).to(torch_device).eval() # make sure that ids don't start with pad token mask = input_ids.ne(config.pad_token_id).long() input_ids = input_ids * mask # first forward pass outputs = model( input_ids, attention_mask=input_mask, encoder_hidden_states=encoder_hidden_states, encoder_attention_mask=encoder_attention_mask, use_cache=True, ) past_key_values = outputs.past_key_values # create hypothetical multiple next token and extent to next_input_ids next_tokens = ids_tensor((self.batch_size, 3), config.vocab_size) # make sure that ids don't start with pad token mask = next_tokens.ne(config.pad_token_id).long() next_tokens = next_tokens * mask next_mask = ids_tensor((self.batch_size, 3), vocab_size=2) # append to next input_ids and next_input_ids = torch.cat([input_ids, next_tokens], dim=-1) next_attention_mask = torch.cat([input_mask, next_mask], dim=-1) output_from_no_past = model( next_input_ids, attention_mask=next_attention_mask, encoder_hidden_states=encoder_hidden_states, encoder_attention_mask=encoder_attention_mask, output_hidden_states=True, )["hidden_states"][0] output_from_past = model( next_tokens, attention_mask=next_attention_mask, encoder_hidden_states=encoder_hidden_states, encoder_attention_mask=encoder_attention_mask, past_key_values=past_key_values, output_hidden_states=True, )["hidden_states"][0] # select random slice random_slice_idx = ids_tensor((1,), output_from_past.shape[-1]).item() output_from_no_past_slice = output_from_no_past[:, -3:, random_slice_idx].detach() output_from_past_slice = output_from_past[:, :, random_slice_idx].detach() self.parent.assertTrue(output_from_past_slice.shape[1] == next_tokens.shape[1]) # test that outputs are equal for slice self.parent.assertTrue(torch.allclose(output_from_past_slice, output_from_no_past_slice, atol=1e-3)) def create_and_check_for_masked_lm( self, config, input_ids, token_type_ids, input_mask, sequence_labels, token_labels, choice_labels ): model = RobertaForMaskedLM(config=config) model.to(torch_device) model.eval() result = model(input_ids, attention_mask=input_mask, token_type_ids=token_type_ids, labels=token_labels) self.parent.assertEqual(result.logits.shape, (self.batch_size, self.seq_length, self.vocab_size)) def create_and_check_for_token_classification( self, config, input_ids, token_type_ids, input_mask, sequence_labels, token_labels, choice_labels ): config.num_labels = self.num_labels model = RobertaForTokenClassification(config=config) model.to(torch_device) model.eval() result = model(input_ids, attention_mask=input_mask, token_type_ids=token_type_ids, labels=token_labels) self.parent.assertEqual(result.logits.shape, (self.batch_size, self.seq_length, self.num_labels)) def create_and_check_for_multiple_choice( self, config, input_ids, token_type_ids, input_mask, sequence_labels, token_labels, choice_labels ): config.num_choices = self.num_choices model = RobertaForMultipleChoice(config=config) model.to(torch_device) model.eval() multiple_choice_inputs_ids = input_ids.unsqueeze(1).expand(-1, self.num_choices, -1).contiguous() multiple_choice_token_type_ids = token_type_ids.unsqueeze(1).expand(-1, self.num_choices, -1).contiguous() multiple_choice_input_mask = input_mask.unsqueeze(1).expand(-1, self.num_choices, -1).contiguous() result = model( multiple_choice_inputs_ids, attention_mask=multiple_choice_input_mask, token_type_ids=multiple_choice_token_type_ids, labels=choice_labels, ) self.parent.assertEqual(result.logits.shape, (self.batch_size, self.num_choices)) def create_and_check_for_question_answering( self, config, input_ids, token_type_ids, input_mask, sequence_labels, token_labels, choice_labels ): model = RobertaForQuestionAnswering(config=config) model.to(torch_device) model.eval() result = model( input_ids, attention_mask=input_mask, token_type_ids=token_type_ids, start_positions=sequence_labels, end_positions=sequence_labels, ) self.parent.assertEqual(result.start_logits.shape, (self.batch_size, self.seq_length)) self.parent.assertEqual(result.end_logits.shape, (self.batch_size, self.seq_length)) def prepare_config_and_inputs_for_common(self): config_and_inputs = self.prepare_config_and_inputs() ( config, input_ids, token_type_ids, input_mask, sequence_labels, token_labels, choice_labels, ) = config_and_inputs inputs_dict = {"input_ids": input_ids, "token_type_ids": token_type_ids, "attention_mask": input_mask} return config, inputs_dict @require_torch class RobertaModelTest(ModelTesterMixin, GenerationTesterMixin, unittest.TestCase): all_model_classes = ( ( RobertaForCausalLM, RobertaForMaskedLM, RobertaModel, RobertaForSequenceClassification, RobertaForTokenClassification, RobertaForMultipleChoice, RobertaForQuestionAnswering, ) if is_torch_available() else () ) all_generative_model_classes = (RobertaForCausalLM,) if is_torch_available() else () def setUp(self): self.model_tester = RobertaModelTester(self) self.config_tester = ConfigTester(self, config_class=RobertaConfig, hidden_size=37) def test_config(self): self.config_tester.run_common_tests() def test_model(self): config_and_inputs = self.model_tester.prepare_config_and_inputs() self.model_tester.create_and_check_model(*config_and_inputs) def test_model_various_embeddings(self): config_and_inputs = self.model_tester.prepare_config_and_inputs() for type in ["absolute", "relative_key", "relative_key_query"]: config_and_inputs[0].position_embedding_type = type self.model_tester.create_and_check_model(*config_and_inputs) def test_model_as_decoder(self): config_and_inputs = self.model_tester.prepare_config_and_inputs_for_decoder() self.model_tester.create_and_check_model_as_decoder(*config_and_inputs) def test_model_as_decoder_with_default_input_mask(self): # This regression test was failing with PyTorch < 1.3 ( config, input_ids, token_type_ids, input_mask, sequence_labels, token_labels, choice_labels, encoder_hidden_states, encoder_attention_mask, ) = self.model_tester.prepare_config_and_inputs_for_decoder() input_mask = None self.model_tester.create_and_check_model_as_decoder( config, input_ids, token_type_ids, input_mask, sequence_labels, token_labels, choice_labels, encoder_hidden_states, encoder_attention_mask, ) def test_for_causal_lm(self): config_and_inputs = self.model_tester.prepare_config_and_inputs_for_decoder() self.model_tester.create_and_check_for_causal_lm(*config_and_inputs) def test_decoder_model_past_with_large_inputs(self): config_and_inputs = self.model_tester.prepare_config_and_inputs_for_decoder() self.model_tester.create_and_check_decoder_model_past_large_inputs(*config_and_inputs) def test_for_masked_lm(self): config_and_inputs = self.model_tester.prepare_config_and_inputs() self.model_tester.create_and_check_for_masked_lm(*config_and_inputs) def test_for_token_classification(self): config_and_inputs = self.model_tester.prepare_config_and_inputs() self.model_tester.create_and_check_for_token_classification(*config_and_inputs) def test_for_multiple_choice(self): config_and_inputs = self.model_tester.prepare_config_and_inputs() self.model_tester.create_and_check_for_multiple_choice(*config_and_inputs) def test_for_question_answering(self): config_and_inputs = self.model_tester.prepare_config_and_inputs() self.model_tester.create_and_check_for_question_answering(*config_and_inputs) @slow def test_model_from_pretrained(self): for model_name in ROBERTA_PRETRAINED_MODEL_ARCHIVE_LIST[:1]: model = RobertaModel.from_pretrained(model_name) self.assertIsNotNone(model) def test_create_position_ids_respects_padding_index(self): """Ensure that the default position ids only assign a sequential . This is a regression test for https://github.com/huggingface/transformers/issues/1761 The position ids should be masked with the embedding object's padding index. Therefore, the first available non-padding position index is RobertaEmbeddings.padding_idx + 1 """ config = self.model_tester.prepare_config_and_inputs()[0] model = RobertaEmbeddings(config=config) input_ids = torch.as_tensor([[12, 31, 13, model.padding_idx]]) expected_positions = torch.as_tensor( [[0 + model.padding_idx + 1, 1 + model.padding_idx + 1, 2 + model.padding_idx + 1, model.padding_idx]] ) position_ids = create_position_ids_from_input_ids(input_ids, model.padding_idx) self.assertEqual(position_ids.shape, expected_positions.shape) self.assertTrue(torch.all(torch.eq(position_ids, expected_positions))) def test_create_position_ids_from_inputs_embeds(self): """Ensure that the default position ids only assign a sequential . This is a regression test for https://github.com/huggingface/transformers/issues/1761 The position ids should be masked with the embedding object's padding index. Therefore, the first available non-padding position index is RobertaEmbeddings.padding_idx + 1 """ config = self.model_tester.prepare_config_and_inputs()[0] embeddings = RobertaEmbeddings(config=config) inputs_embeds = torch.Tensor(2, 4, 30) expected_single_positions = [ 0 + embeddings.padding_idx + 1, 1 + embeddings.padding_idx + 1, 2 + embeddings.padding_idx + 1, 3 + embeddings.padding_idx + 1, ] expected_positions = torch.as_tensor([expected_single_positions, expected_single_positions]) position_ids = embeddings.create_position_ids_from_inputs_embeds(inputs_embeds) self.assertEqual(position_ids.shape, expected_positions.shape) self.assertTrue(torch.all(torch.eq(position_ids, expected_positions))) @require_torch class RobertaModelIntegrationTest(unittest.TestCase): @slow def test_inference_masked_lm(self): model = RobertaForMaskedLM.from_pretrained("roberta-base") input_ids = torch.tensor([[0, 31414, 232, 328, 740, 1140, 12695, 69, 46078, 1588, 2]]) output = model(input_ids)[0] expected_shape = torch.Size((1, 11, 50265)) self.assertEqual(output.shape, expected_shape) # compare the actual values for a slice. expected_slice = torch.tensor( [[[33.8802, -4.3103, 22.7761], [4.6539, -2.8098, 13.6253], [1.8228, -3.6898, 8.8600]]] ) # roberta = torch.hub.load('pytorch/fairseq', 'roberta.base') # roberta.eval() # expected_slice = roberta.model.forward(input_ids)[0][:, :3, :3].detach() self.assertTrue(torch.allclose(output[:, :3, :3], expected_slice, atol=1e-4)) @slow def test_inference_no_head(self): model = RobertaModel.from_pretrained("roberta-base") input_ids = torch.tensor([[0, 31414, 232, 328, 740, 1140, 12695, 69, 46078, 1588, 2]]) output = model(input_ids)[0] # compare the actual values for a slice. expected_slice = torch.tensor( [[[-0.0231, 0.0782, 0.0074], [-0.1854, 0.0540, -0.0175], [0.0548, 0.0799, 0.1687]]] ) # roberta = torch.hub.load('pytorch/fairseq', 'roberta.base') # roberta.eval() # expected_slice = roberta.extract_features(input_ids)[:, :3, :3].detach() self.assertTrue(torch.allclose(output[:, :3, :3], expected_slice, atol=1e-4)) @slow def test_inference_classification_head(self): model = RobertaForSequenceClassification.from_pretrained("roberta-large-mnli") input_ids = torch.tensor([[0, 31414, 232, 328, 740, 1140, 12695, 69, 46078, 1588, 2]]) output = model(input_ids)[0] expected_shape = torch.Size((1, 3)) self.assertEqual(output.shape, expected_shape) expected_tensor = torch.tensor([[-0.9469, 0.3913, 0.5118]]) # roberta = torch.hub.load('pytorch/fairseq', 'roberta.large.mnli') # roberta.eval() # expected_tensor = roberta.predict("mnli", input_ids, return_logits=True).detach() self.assertTrue(torch.allclose(output, expected_tensor, atol=1e-4))
AdaMix/tests/test_modeling_roberta.py/0
{ "file_path": "AdaMix/tests/test_modeling_roberta.py", "repo_id": "AdaMix", "token_count": 9523 }
75
# coding=utf-8 # Copyright 2020 The HuggingFace Team. All rights reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. # You may obtain a copy of the License at # # http://www.apache.org/licenses/LICENSE-2.0 # # Unless required by applicable law or agreed to in writing, software # distributed under the License is distributed on an "AS IS" BASIS, # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. # See the License for the specific language governing permissions and # limitations under the License. import unittest from transformers import DistilBertConfig, is_tf_available from transformers.testing_utils import require_tf, slow from .test_configuration_common import ConfigTester from .test_modeling_tf_common import TFModelTesterMixin, ids_tensor if is_tf_available(): import tensorflow as tf from transformers.models.distilbert.modeling_tf_distilbert import ( TF_DISTILBERT_PRETRAINED_MODEL_ARCHIVE_LIST, TFDistilBertForMaskedLM, TFDistilBertForMultipleChoice, TFDistilBertForQuestionAnswering, TFDistilBertForSequenceClassification, TFDistilBertForTokenClassification, TFDistilBertModel, ) class TFDistilBertModelTester: def __init__( self, parent, ): self.parent = parent self.batch_size = 13 self.seq_length = 7 self.is_training = True self.use_input_mask = True self.use_token_type_ids = False self.use_labels = True self.vocab_size = 99 self.hidden_size = 32 self.num_hidden_layers = 5 self.num_attention_heads = 4 self.intermediate_size = 37 self.hidden_act = "gelu" self.hidden_dropout_prob = 0.1 self.attention_probs_dropout_prob = 0.1 self.max_position_embeddings = 512 self.type_vocab_size = 16 self.type_sequence_label_size = 2 self.initializer_range = 0.02 self.num_labels = 3 self.num_choices = 4 self.scope = None def prepare_config_and_inputs(self): input_ids = ids_tensor([self.batch_size, self.seq_length], self.vocab_size) input_mask = None if self.use_input_mask: input_mask = ids_tensor([self.batch_size, self.seq_length], vocab_size=2) sequence_labels = None token_labels = None choice_labels = None if self.use_labels: sequence_labels = ids_tensor([self.batch_size], self.type_sequence_label_size) token_labels = ids_tensor([self.batch_size, self.seq_length], self.num_labels) choice_labels = ids_tensor([self.batch_size], self.num_choices) config = DistilBertConfig( vocab_size=self.vocab_size, dim=self.hidden_size, n_layers=self.num_hidden_layers, n_heads=self.num_attention_heads, hidden_dim=self.intermediate_size, hidden_act=self.hidden_act, dropout=self.hidden_dropout_prob, attention_dropout=self.attention_probs_dropout_prob, max_position_embeddings=self.max_position_embeddings, initializer_range=self.initializer_range, ) return config, input_ids, input_mask, sequence_labels, token_labels, choice_labels def create_and_check_distilbert_model( self, config, input_ids, input_mask, sequence_labels, token_labels, choice_labels ): model = TFDistilBertModel(config=config) inputs = {"input_ids": input_ids, "attention_mask": input_mask} result = model(inputs) inputs = [input_ids, input_mask] result = model(inputs) self.parent.assertEqual(result.last_hidden_state.shape, (self.batch_size, self.seq_length, self.hidden_size)) def create_and_check_distilbert_for_masked_lm( self, config, input_ids, input_mask, sequence_labels, token_labels, choice_labels ): model = TFDistilBertForMaskedLM(config=config) inputs = {"input_ids": input_ids, "attention_mask": input_mask} result = model(inputs) self.parent.assertEqual(result.logits.shape, (self.batch_size, self.seq_length, self.vocab_size)) def create_and_check_distilbert_for_question_answering( self, config, input_ids, input_mask, sequence_labels, token_labels, choice_labels ): model = TFDistilBertForQuestionAnswering(config=config) inputs = { "input_ids": input_ids, "attention_mask": input_mask, } result = model(inputs) self.parent.assertEqual(result.start_logits.shape, (self.batch_size, self.seq_length)) self.parent.assertEqual(result.end_logits.shape, (self.batch_size, self.seq_length)) def create_and_check_distilbert_for_sequence_classification( self, config, input_ids, input_mask, sequence_labels, token_labels, choice_labels ): config.num_labels = self.num_labels model = TFDistilBertForSequenceClassification(config) inputs = {"input_ids": input_ids, "attention_mask": input_mask} result = model(inputs) self.parent.assertEqual(result.logits.shape, (self.batch_size, self.num_labels)) def create_and_check_distilbert_for_multiple_choice( self, config, input_ids, input_mask, sequence_labels, token_labels, choice_labels ): config.num_choices = self.num_choices model = TFDistilBertForMultipleChoice(config) multiple_choice_inputs_ids = tf.tile(tf.expand_dims(input_ids, 1), (1, self.num_choices, 1)) multiple_choice_input_mask = tf.tile(tf.expand_dims(input_mask, 1), (1, self.num_choices, 1)) inputs = { "input_ids": multiple_choice_inputs_ids, "attention_mask": multiple_choice_input_mask, } result = model(inputs) self.parent.assertEqual(result.logits.shape, (self.batch_size, self.num_choices)) def create_and_check_distilbert_for_token_classification( self, config, input_ids, input_mask, sequence_labels, token_labels, choice_labels ): config.num_labels = self.num_labels model = TFDistilBertForTokenClassification(config) inputs = {"input_ids": input_ids, "attention_mask": input_mask} result = model(inputs) self.parent.assertEqual(result.logits.shape, (self.batch_size, self.seq_length, self.num_labels)) def prepare_config_and_inputs_for_common(self): config_and_inputs = self.prepare_config_and_inputs() (config, input_ids, input_mask, sequence_labels, token_labels, choice_labels) = config_and_inputs inputs_dict = {"input_ids": input_ids, "attention_mask": input_mask} return config, inputs_dict @require_tf class TFDistilBertModelTest(TFModelTesterMixin, unittest.TestCase): all_model_classes = ( ( TFDistilBertModel, TFDistilBertForMaskedLM, TFDistilBertForQuestionAnswering, TFDistilBertForSequenceClassification, TFDistilBertForTokenClassification, TFDistilBertForMultipleChoice, ) if is_tf_available() else None ) test_head_masking = False test_onnx = False def setUp(self): self.model_tester = TFDistilBertModelTester(self) self.config_tester = ConfigTester(self, config_class=DistilBertConfig, dim=37) def test_config(self): self.config_tester.run_common_tests() def test_distilbert_model(self): config_and_inputs = self.model_tester.prepare_config_and_inputs() self.model_tester.create_and_check_distilbert_model(*config_and_inputs) def test_for_masked_lm(self): config_and_inputs = self.model_tester.prepare_config_and_inputs() self.model_tester.create_and_check_distilbert_for_masked_lm(*config_and_inputs) def test_for_question_answering(self): config_and_inputs = self.model_tester.prepare_config_and_inputs() self.model_tester.create_and_check_distilbert_for_question_answering(*config_and_inputs) def test_for_sequence_classification(self): config_and_inputs = self.model_tester.prepare_config_and_inputs() self.model_tester.create_and_check_distilbert_for_sequence_classification(*config_and_inputs) def test_for_multiple_choice(self): config_and_inputs = self.model_tester.prepare_config_and_inputs() self.model_tester.create_and_check_distilbert_for_multiple_choice(*config_and_inputs) def test_for_token_classification(self): config_and_inputs = self.model_tester.prepare_config_and_inputs() self.model_tester.create_and_check_distilbert_for_token_classification(*config_and_inputs) @slow def test_model_from_pretrained(self): for model_name in list(TF_DISTILBERT_PRETRAINED_MODEL_ARCHIVE_LIST[:1]): model = TFDistilBertModel.from_pretrained(model_name) self.assertIsNotNone(model) @require_tf class TFDistilBertModelIntegrationTest(unittest.TestCase): @slow def test_inference_masked_lm(self): model = TFDistilBertModel.from_pretrained("distilbert-base-uncased") input_ids = tf.constant([[0, 1, 2, 3, 4, 5]]) output = model(input_ids)[0] expected_shape = [1, 6, 768] self.assertEqual(output.shape, expected_shape) expected_slice = tf.constant( [ [ [0.19261885, -0.13732955, 0.4119799], [0.22150156, -0.07422661, 0.39037204], [0.22756018, -0.0896414, 0.3701467], ] ] ) tf.debugging.assert_near(output[:, :3, :3], expected_slice, atol=1e-4)
AdaMix/tests/test_modeling_tf_distilbert.py/0
{ "file_path": "AdaMix/tests/test_modeling_tf_distilbert.py", "repo_id": "AdaMix", "token_count": 4288 }
76
# coding=utf-8 # Copyright 2020 The HuggingFace Team. All rights reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. # You may obtain a copy of the License at # # http://www.apache.org/licenses/LICENSE-2.0 # # Unless required by applicable law or agreed to in writing, software # distributed under the License is distributed on an "AS IS" BASIS, # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. # See the License for the specific language governing permissions and # limitations under the License. import unittest from transformers import is_tf_available, is_torch_available from transformers.testing_utils import DUMMY_UNKWOWN_IDENTIFIER, SMALL_MODEL_IDENTIFIER, is_pt_tf_cross_test, slow if is_tf_available(): from transformers import ( AutoConfig, BertConfig, GPT2Config, T5Config, TFAutoModel, TFAutoModelForCausalLM, TFAutoModelForMaskedLM, TFAutoModelForPreTraining, TFAutoModelForQuestionAnswering, TFAutoModelForSeq2SeqLM, TFAutoModelForSequenceClassification, TFAutoModelWithLMHead, TFBertForMaskedLM, TFBertForPreTraining, TFBertForQuestionAnswering, TFBertForSequenceClassification, TFBertModel, TFGPT2LMHeadModel, TFRobertaForMaskedLM, TFT5ForConditionalGeneration, ) from transformers.models.bert.modeling_tf_bert import TF_BERT_PRETRAINED_MODEL_ARCHIVE_LIST from transformers.models.gpt2.modeling_tf_gpt2 import TF_GPT2_PRETRAINED_MODEL_ARCHIVE_LIST from transformers.models.t5.modeling_tf_t5 import TF_T5_PRETRAINED_MODEL_ARCHIVE_LIST if is_torch_available(): from transformers import ( AutoModel, AutoModelForCausalLM, AutoModelForMaskedLM, AutoModelForPreTraining, AutoModelForQuestionAnswering, AutoModelForSeq2SeqLM, AutoModelForSequenceClassification, AutoModelWithLMHead, BertForMaskedLM, BertForPreTraining, BertForQuestionAnswering, BertForSequenceClassification, BertModel, GPT2LMHeadModel, RobertaForMaskedLM, T5ForConditionalGeneration, ) @is_pt_tf_cross_test class TFPTAutoModelTest(unittest.TestCase): @slow def test_model_from_pretrained(self): import h5py self.assertTrue(h5py.version.hdf5_version.startswith("1.10")) # for model_name in TF_BERT_PRETRAINED_MODEL_ARCHIVE_LIST[:1]: for model_name in ["bert-base-uncased"]: config = AutoConfig.from_pretrained(model_name) self.assertIsNotNone(config) self.assertIsInstance(config, BertConfig) model = TFAutoModel.from_pretrained(model_name, from_pt=True) self.assertIsNotNone(model) self.assertIsInstance(model, TFBertModel) model = AutoModel.from_pretrained(model_name, from_tf=True) self.assertIsNotNone(model) self.assertIsInstance(model, BertModel) @slow def test_model_for_pretraining_from_pretrained(self): import h5py self.assertTrue(h5py.version.hdf5_version.startswith("1.10")) # for model_name in TF_BERT_PRETRAINED_MODEL_ARCHIVE_LIST[:1]: for model_name in ["bert-base-uncased"]: config = AutoConfig.from_pretrained(model_name) self.assertIsNotNone(config) self.assertIsInstance(config, BertConfig) model = TFAutoModelForPreTraining.from_pretrained(model_name, from_pt=True) self.assertIsNotNone(model) self.assertIsInstance(model, TFBertForPreTraining) model = AutoModelForPreTraining.from_pretrained(model_name, from_tf=True) self.assertIsNotNone(model) self.assertIsInstance(model, BertForPreTraining) @slow def test_model_for_causal_lm(self): for model_name in TF_GPT2_PRETRAINED_MODEL_ARCHIVE_LIST[:1]: config = AutoConfig.from_pretrained(model_name) self.assertIsNotNone(config) self.assertIsInstance(config, GPT2Config) model = TFAutoModelForCausalLM.from_pretrained(model_name, from_pt=True) model, loading_info = TFAutoModelForCausalLM.from_pretrained( model_name, output_loading_info=True, from_pt=True ) self.assertIsNotNone(model) self.assertIsInstance(model, TFGPT2LMHeadModel) model = AutoModelForCausalLM.from_pretrained(model_name, from_tf=True) model, loading_info = AutoModelForCausalLM.from_pretrained( model_name, output_loading_info=True, from_tf=True ) self.assertIsNotNone(model) self.assertIsInstance(model, GPT2LMHeadModel) @slow def test_lmhead_model_from_pretrained(self): for model_name in TF_BERT_PRETRAINED_MODEL_ARCHIVE_LIST[:1]: config = AutoConfig.from_pretrained(model_name) self.assertIsNotNone(config) self.assertIsInstance(config, BertConfig) model = TFAutoModelWithLMHead.from_pretrained(model_name, from_pt=True) self.assertIsNotNone(model) self.assertIsInstance(model, TFBertForMaskedLM) model = AutoModelWithLMHead.from_pretrained(model_name, from_tf=True) self.assertIsNotNone(model) self.assertIsInstance(model, BertForMaskedLM) @slow def test_model_for_masked_lm(self): for model_name in TF_BERT_PRETRAINED_MODEL_ARCHIVE_LIST[:1]: config = AutoConfig.from_pretrained(model_name) self.assertIsNotNone(config) self.assertIsInstance(config, BertConfig) model = TFAutoModelForMaskedLM.from_pretrained(model_name, from_pt=True) model, loading_info = TFAutoModelForMaskedLM.from_pretrained( model_name, output_loading_info=True, from_pt=True ) self.assertIsNotNone(model) self.assertIsInstance(model, TFBertForMaskedLM) model = AutoModelForMaskedLM.from_pretrained(model_name, from_tf=True) model, loading_info = AutoModelForMaskedLM.from_pretrained( model_name, output_loading_info=True, from_tf=True ) self.assertIsNotNone(model) self.assertIsInstance(model, BertForMaskedLM) @slow def test_model_for_encoder_decoder_lm(self): for model_name in TF_T5_PRETRAINED_MODEL_ARCHIVE_LIST[:1]: config = AutoConfig.from_pretrained(model_name) self.assertIsNotNone(config) self.assertIsInstance(config, T5Config) model = TFAutoModelForSeq2SeqLM.from_pretrained(model_name, from_pt=True) model, loading_info = TFAutoModelForSeq2SeqLM.from_pretrained( model_name, output_loading_info=True, from_pt=True ) self.assertIsNotNone(model) self.assertIsInstance(model, TFT5ForConditionalGeneration) model = AutoModelForSeq2SeqLM.from_pretrained(model_name, from_tf=True) model, loading_info = AutoModelForSeq2SeqLM.from_pretrained( model_name, output_loading_info=True, from_tf=True ) self.assertIsNotNone(model) self.assertIsInstance(model, T5ForConditionalGeneration) @slow def test_sequence_classification_model_from_pretrained(self): # for model_name in TF_BERT_PRETRAINED_MODEL_ARCHIVE_LIST[:1]: for model_name in ["bert-base-uncased"]: config = AutoConfig.from_pretrained(model_name) self.assertIsNotNone(config) self.assertIsInstance(config, BertConfig) model = TFAutoModelForSequenceClassification.from_pretrained(model_name, from_pt=True) self.assertIsNotNone(model) self.assertIsInstance(model, TFBertForSequenceClassification) model = AutoModelForSequenceClassification.from_pretrained(model_name, from_tf=True) self.assertIsNotNone(model) self.assertIsInstance(model, BertForSequenceClassification) @slow def test_question_answering_model_from_pretrained(self): # for model_name in TF_BERT_PRETRAINED_MODEL_ARCHIVE_LIST[:1]: for model_name in ["bert-base-uncased"]: config = AutoConfig.from_pretrained(model_name) self.assertIsNotNone(config) self.assertIsInstance(config, BertConfig) model = TFAutoModelForQuestionAnswering.from_pretrained(model_name, from_pt=True) self.assertIsNotNone(model) self.assertIsInstance(model, TFBertForQuestionAnswering) model = AutoModelForQuestionAnswering.from_pretrained(model_name, from_tf=True) self.assertIsNotNone(model) self.assertIsInstance(model, BertForQuestionAnswering) def test_from_pretrained_identifier(self): model = TFAutoModelWithLMHead.from_pretrained(SMALL_MODEL_IDENTIFIER, from_pt=True) self.assertIsInstance(model, TFBertForMaskedLM) self.assertEqual(model.num_parameters(), 14410) self.assertEqual(model.num_parameters(only_trainable=True), 14410) model = AutoModelWithLMHead.from_pretrained(SMALL_MODEL_IDENTIFIER, from_tf=True) self.assertIsInstance(model, BertForMaskedLM) self.assertEqual(model.num_parameters(), 14410) self.assertEqual(model.num_parameters(only_trainable=True), 14410) def test_from_identifier_from_model_type(self): model = TFAutoModelWithLMHead.from_pretrained(DUMMY_UNKWOWN_IDENTIFIER, from_pt=True) self.assertIsInstance(model, TFRobertaForMaskedLM) self.assertEqual(model.num_parameters(), 14410) self.assertEqual(model.num_parameters(only_trainable=True), 14410) model = AutoModelWithLMHead.from_pretrained(DUMMY_UNKWOWN_IDENTIFIER, from_tf=True) self.assertIsInstance(model, RobertaForMaskedLM) self.assertEqual(model.num_parameters(), 14410) self.assertEqual(model.num_parameters(only_trainable=True), 14410)
AdaMix/tests/test_modeling_tf_pytorch.py/0
{ "file_path": "AdaMix/tests/test_modeling_tf_pytorch.py", "repo_id": "AdaMix", "token_count": 4535 }
77
# coding=utf-8 # Copyright 2020 The HuggingFace Team. All rights reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. # You may obtain a copy of the License at # # http://www.apache.org/licenses/LICENSE-2.0 # # Unless required by applicable law or agreed to in writing, software # distributed under the License is distributed on an "AS IS" BASIS, # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. # See the License for the specific language governing permissions and # limitations under the License. import os import tempfile import unittest from transformers import is_torch_available from transformers.testing_utils import require_torch if is_torch_available(): import torch from transformers import ( Adafactor, AdamW, get_constant_schedule, get_constant_schedule_with_warmup, get_cosine_schedule_with_warmup, get_cosine_with_hard_restarts_schedule_with_warmup, get_linear_schedule_with_warmup, get_polynomial_decay_schedule_with_warmup, ) def unwrap_schedule(scheduler, num_steps=10): lrs = [] for _ in range(num_steps): lrs.append(scheduler.get_lr()[0]) scheduler.step() return lrs def unwrap_and_save_reload_schedule(scheduler, num_steps=10): lrs = [] for step in range(num_steps): lrs.append(scheduler.get_lr()[0]) scheduler.step() if step == num_steps // 2: with tempfile.TemporaryDirectory() as tmpdirname: file_name = os.path.join(tmpdirname, "schedule.bin") torch.save(scheduler.state_dict(), file_name) state_dict = torch.load(file_name) scheduler.load_state_dict(state_dict) return lrs @require_torch class OptimizationTest(unittest.TestCase): def assertListAlmostEqual(self, list1, list2, tol): self.assertEqual(len(list1), len(list2)) for a, b in zip(list1, list2): self.assertAlmostEqual(a, b, delta=tol) def test_adam_w(self): w = torch.tensor([0.1, -0.2, -0.1], requires_grad=True) target = torch.tensor([0.4, 0.2, -0.5]) criterion = torch.nn.MSELoss() # No warmup, constant schedule, no gradient clipping optimizer = AdamW(params=[w], lr=2e-1, weight_decay=0.0) for _ in range(100): loss = criterion(w, target) loss.backward() optimizer.step() w.grad.detach_() # No zero_grad() function on simple tensors. we do it ourselves. w.grad.zero_() self.assertListAlmostEqual(w.tolist(), [0.4, 0.2, -0.5], tol=1e-2) def test_adafactor(self): w = torch.tensor([0.1, -0.2, -0.1], requires_grad=True) target = torch.tensor([0.4, 0.2, -0.5]) criterion = torch.nn.MSELoss() # No warmup, constant schedule, no gradient clipping optimizer = Adafactor( params=[w], lr=1e-2, eps=(1e-30, 1e-3), clip_threshold=1.0, decay_rate=-0.8, beta1=None, weight_decay=0.0, relative_step=False, scale_parameter=False, warmup_init=False, ) for _ in range(1000): loss = criterion(w, target) loss.backward() optimizer.step() w.grad.detach_() # No zero_grad() function on simple tensors. we do it ourselves. w.grad.zero_() self.assertListAlmostEqual(w.tolist(), [0.4, 0.2, -0.5], tol=1e-2) @require_torch class ScheduleInitTest(unittest.TestCase): m = torch.nn.Linear(50, 50) if is_torch_available() else None optimizer = AdamW(m.parameters(), lr=10.0) if is_torch_available() else None num_steps = 10 def assertListAlmostEqual(self, list1, list2, tol, msg=None): self.assertEqual(len(list1), len(list2)) for a, b in zip(list1, list2): self.assertAlmostEqual(a, b, delta=tol, msg=msg) def test_schedulers(self): common_kwargs = {"num_warmup_steps": 2, "num_training_steps": 10} # schedulers doct format # function: (sched_args_dict, expected_learning_rates) scheds = { get_constant_schedule: ({}, [10.0] * self.num_steps), get_constant_schedule_with_warmup: ( {"num_warmup_steps": 4}, [0.0, 2.5, 5.0, 7.5, 10.0, 10.0, 10.0, 10.0, 10.0, 10.0], ), get_linear_schedule_with_warmup: ( {**common_kwargs}, [0.0, 5.0, 10.0, 8.75, 7.5, 6.25, 5.0, 3.75, 2.5, 1.25], ), get_cosine_schedule_with_warmup: ( {**common_kwargs}, [0.0, 5.0, 10.0, 9.61, 8.53, 6.91, 5.0, 3.08, 1.46, 0.38], ), get_cosine_with_hard_restarts_schedule_with_warmup: ( {**common_kwargs, "num_cycles": 2}, [0.0, 5.0, 10.0, 8.53, 5.0, 1.46, 10.0, 8.53, 5.0, 1.46], ), get_polynomial_decay_schedule_with_warmup: ( {**common_kwargs, "power": 2.0, "lr_end": 1e-7}, [0.0, 5.0, 10.0, 7.656, 5.625, 3.906, 2.5, 1.406, 0.625, 0.156], ), } for scheduler_func, data in scheds.items(): kwargs, expected_learning_rates = data scheduler = scheduler_func(self.optimizer, **kwargs) self.assertEqual(len([scheduler.get_lr()[0]]), 1) lrs_1 = unwrap_schedule(scheduler, self.num_steps) self.assertListAlmostEqual( lrs_1, expected_learning_rates, tol=1e-2, msg=f"failed for {scheduler_func} in normal scheduler", ) scheduler = scheduler_func(self.optimizer, **kwargs) lrs_2 = unwrap_and_save_reload_schedule(scheduler, self.num_steps) self.assertListEqual(lrs_1, lrs_2, msg=f"failed for {scheduler_func} in save and reload")
AdaMix/tests/test_optimization.py/0
{ "file_path": "AdaMix/tests/test_optimization.py", "repo_id": "AdaMix", "token_count": 3018 }
78
# Copyright 2021 The HuggingFace Team. All rights reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. # You may obtain a copy of the License at # # http://www.apache.org/licenses/LICENSE-2.0 # # Unless required by applicable law or agreed to in writing, software # distributed under the License is distributed on an "AS IS" BASIS, # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. # See the License for the specific language governing permissions and # limitations under the License. import json import os import shutil import tempfile import unittest from transformers.file_utils import FEATURE_EXTRACTOR_NAME from transformers.models.wav2vec2 import Wav2Vec2CTCTokenizer, Wav2Vec2FeatureExtractor, Wav2Vec2Processor from transformers.models.wav2vec2.tokenization_wav2vec2 import VOCAB_FILES_NAMES from .test_feature_extraction_wav2vec2 import floats_list class Wav2Vec2ProcessorTest(unittest.TestCase): def setUp(self): vocab = "<pad> <s> </s> <unk> | E T A O N I H S R D L U M W C F G Y P B V K ' X J Q Z".split(" ") vocab_tokens = dict(zip(vocab, range(len(vocab)))) self.add_kwargs_tokens_map = { "pad_token": "<pad>", "unk_token": "<unk>", "bos_token": "<s>", "eos_token": "</s>", } feature_extractor_map = { "feature_size": 1, "padding_value": 0.0, "sampling_rate": 16000, "return_attention_mask": False, "do_normalize": True, } self.tmpdirname = tempfile.mkdtemp() self.vocab_file = os.path.join(self.tmpdirname, VOCAB_FILES_NAMES["vocab_file"]) self.feature_extraction_file = os.path.join(self.tmpdirname, FEATURE_EXTRACTOR_NAME) with open(self.vocab_file, "w", encoding="utf-8") as fp: fp.write(json.dumps(vocab_tokens) + "\n") with open(self.feature_extraction_file, "w", encoding="utf-8") as fp: fp.write(json.dumps(feature_extractor_map) + "\n") def get_tokenizer(self, **kwargs): kwargs.update(self.add_kwargs_tokens_map) return Wav2Vec2CTCTokenizer.from_pretrained(self.tmpdirname, **kwargs) def get_feature_extractor(self, **kwargs): return Wav2Vec2FeatureExtractor.from_pretrained(self.tmpdirname, **kwargs) def tearDown(self): shutil.rmtree(self.tmpdirname) def test_save_load_pretrained_default(self): tokenizer = self.get_tokenizer() feature_extractor = self.get_feature_extractor() processor = Wav2Vec2Processor(tokenizer=tokenizer, feature_extractor=feature_extractor) processor.save_pretrained(self.tmpdirname) processor = Wav2Vec2Processor.from_pretrained(self.tmpdirname) self.assertEqual(processor.tokenizer.get_vocab(), tokenizer.get_vocab()) self.assertIsInstance(processor.tokenizer, Wav2Vec2CTCTokenizer) self.assertEqual(processor.feature_extractor.to_json_string(), feature_extractor.to_json_string()) self.assertIsInstance(processor.feature_extractor, Wav2Vec2FeatureExtractor) def test_save_load_pretrained_additional_features(self): processor = Wav2Vec2Processor(tokenizer=self.get_tokenizer(), feature_extractor=self.get_feature_extractor()) processor.save_pretrained(self.tmpdirname) tokenizer_add_kwargs = self.get_tokenizer(bos_token="(BOS)", eos_token="(EOS)") feature_extractor_add_kwargs = self.get_feature_extractor(do_normalize=False, padding_value=1.0) processor = Wav2Vec2Processor.from_pretrained( self.tmpdirname, bos_token="(BOS)", eos_token="(EOS)", do_normalize=False, padding_value=1.0 ) self.assertEqual(processor.tokenizer.get_vocab(), tokenizer_add_kwargs.get_vocab()) self.assertIsInstance(processor.tokenizer, Wav2Vec2CTCTokenizer) self.assertEqual(processor.feature_extractor.to_json_string(), feature_extractor_add_kwargs.to_json_string()) self.assertIsInstance(processor.feature_extractor, Wav2Vec2FeatureExtractor) def test_feature_extractor(self): feature_extractor = self.get_feature_extractor() tokenizer = self.get_tokenizer() processor = Wav2Vec2Processor(tokenizer=tokenizer, feature_extractor=feature_extractor) raw_speech = floats_list((3, 1000)) input_feat_extract = feature_extractor(raw_speech, return_tensors="np") input_processor = processor(raw_speech, return_tensors="np") for key in input_feat_extract.keys(): self.assertAlmostEqual(input_feat_extract[key].sum(), input_processor[key].sum(), delta=1e-2) def test_tokenizer(self): feature_extractor = self.get_feature_extractor() tokenizer = self.get_tokenizer() processor = Wav2Vec2Processor(tokenizer=tokenizer, feature_extractor=feature_extractor) input_str = "This is a test string" with processor.as_target_processor(): encoded_processor = processor(input_str) encoded_tok = tokenizer(input_str) for key in encoded_tok.keys(): self.assertListEqual(encoded_tok[key], encoded_processor[key]) def test_tokenizer_decode(self): feature_extractor = self.get_feature_extractor() tokenizer = self.get_tokenizer() processor = Wav2Vec2Processor(tokenizer=tokenizer, feature_extractor=feature_extractor) predicted_ids = [[1, 4, 5, 8, 1, 0, 8], [3, 4, 3, 1, 1, 8, 9]] decoded_processor = processor.batch_decode(predicted_ids) decoded_tok = tokenizer.batch_decode(predicted_ids) self.assertListEqual(decoded_tok, decoded_processor)
AdaMix/tests/test_processor_wav2vec2.py/0
{ "file_path": "AdaMix/tests/test_processor_wav2vec2.py", "repo_id": "AdaMix", "token_count": 2362 }
79
# coding=utf-8 # Copyright 2018 Microsoft, the Hugging Face Team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. # You may obtain a copy of the License at # # http://www.apache.org/licenses/LICENSE-2.0 # # Unless required by applicable law or agreed to in writing, software # distributed under the License is distributed on an "AS IS" BASIS, # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. # See the License for the specific language governing permissions and # limitations under the License. import re import unittest from typing import Tuple from transformers.models.deberta.tokenization_deberta import DebertaTokenizer from transformers.testing_utils import require_torch from .test_tokenization_common import TokenizerTesterMixin @require_torch class DebertaTokenizationTest(TokenizerTesterMixin, unittest.TestCase): tokenizer_class = DebertaTokenizer def setUp(self): super().setUp() def get_tokenizer(self, name="microsoft/deberta-base", **kwargs): return DebertaTokenizer.from_pretrained(name, **kwargs) def get_input_output_texts(self, tokenizer): input_text = "lower newer" output_text = "lower newer" return input_text, output_text def get_clean_sequence(self, tokenizer, with_prefix_space=False, max_length=20) -> Tuple[str, list]: toks = [ (i, tokenizer.decode([i], clean_up_tokenization_spaces=False)) for i in range(5, min(len(tokenizer), 50260)) ] toks = list(filter(lambda t: re.match(r"^[ a-zA-Z]+$", t[1]), toks)) toks = list(filter(lambda t: [t[0]] == tokenizer.encode(t[1], add_special_tokens=False), toks)) if max_length is not None and len(toks) > max_length: toks = toks[:max_length] # toks_str = [t[1] for t in toks] toks_ids = [t[0] for t in toks] # Ensure consistency output_txt = tokenizer.decode(toks_ids, clean_up_tokenization_spaces=False) if " " not in output_txt and len(toks_ids) > 1: output_txt = ( tokenizer.decode([toks_ids[0]], clean_up_tokenization_spaces=False) + " " + tokenizer.decode(toks_ids[1:], clean_up_tokenization_spaces=False) ) if with_prefix_space and not output_txt.startswith(" "): output_txt = " " + output_txt output_ids = tokenizer.encode(output_txt, add_special_tokens=False) return output_txt, output_ids def test_full_tokenizer(self): tokenizer = self.get_tokenizer("microsoft/deberta-base") input_str = "UNwant\u00E9d,running" tokens = tokenizer.tokenize(input_str) token_ids = tokenizer.convert_tokens_to_ids(tokens) self.assertEqual(tokenizer.decode(token_ids), input_str)
AdaMix/tests/test_tokenization_deberta.py/0
{ "file_path": "AdaMix/tests/test_tokenization_deberta.py", "repo_id": "AdaMix", "token_count": 1171 }
80
# Copyright 2020 The HuggingFace Team. All rights reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. # You may obtain a copy of the License at # # http://www.apache.org/licenses/LICENSE-2.0 # # Unless required by applicable law or agreed to in writing, software # distributed under the License is distributed on an "AS IS" BASIS, # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. # See the License for the specific language governing permissions and # limitations under the License. import unittest from transformers import PegasusTokenizer, PegasusTokenizerFast from transformers.file_utils import cached_property from transformers.testing_utils import get_tests_dir, require_sentencepiece, require_tokenizers, require_torch from .test_tokenization_common import TokenizerTesterMixin SAMPLE_VOCAB = get_tests_dir("fixtures/test_sentencepiece_no_bos.model") @require_sentencepiece @require_tokenizers class PegasusTokenizationTest(TokenizerTesterMixin, unittest.TestCase): tokenizer_class = PegasusTokenizer rust_tokenizer_class = PegasusTokenizerFast test_rust_tokenizer = True def setUp(self): super().setUp() # We have a SentencePiece fixture for testing tokenizer = PegasusTokenizer(SAMPLE_VOCAB) tokenizer.save_pretrained(self.tmpdirname) @cached_property def _large_tokenizer(self): return PegasusTokenizer.from_pretrained("google/pegasus-large") def get_tokenizer(self, **kwargs) -> PegasusTokenizer: return PegasusTokenizer.from_pretrained(self.tmpdirname, **kwargs) def get_input_output_texts(self, tokenizer): return ("This is a test", "This is a test") def test_mask_tokens_rust_pegasus(self): rust_tokenizer = self.rust_tokenizer_class.from_pretrained(self.tmpdirname) py_tokenizer = self.tokenizer_class.from_pretrained(self.tmpdirname) raw_input_str = "Let's see which <unk> is the better <unk_token_11> one <mask_1> It seems like this <mask_2> was important </s> <pad> <pad> <pad>" rust_ids = rust_tokenizer([raw_input_str], return_tensors=None, add_special_tokens=False).input_ids[0] py_ids = py_tokenizer([raw_input_str], return_tensors=None, add_special_tokens=False).input_ids[0] # TODO: (Thom, Patrick) - this fails because the rust tokenizer does not know about the <mask_1>, <mask_2>, and those <unk_token_x> yet self.assertListEqual(py_ids, rust_ids) def test_large_mask_tokens(self): tokenizer = self._large_tokenizer # <mask_1> masks whole sentence while <mask_2> masks single word raw_input_str = "<mask_1> To ensure a <mask_2> flow of bank resolutions." desired_result = [2, 413, 615, 114, 3, 1971, 113, 1679, 10710, 107, 1] ids = tokenizer([raw_input_str], return_tensors=None).input_ids[0] self.assertListEqual(desired_result, ids) def test_large_tokenizer_settings(self): tokenizer = self._large_tokenizer # The tracebacks for the following asserts are **better** without messages or self.assertEqual assert tokenizer.vocab_size == 96103 assert tokenizer.pad_token_id == 0 assert tokenizer.eos_token_id == 1 assert tokenizer.offset == 103 assert tokenizer.unk_token_id == tokenizer.offset + 2 == 105 assert tokenizer.unk_token == "<unk>" assert tokenizer.model_max_length == 1024 raw_input_str = "To ensure a smooth flow of bank resolutions." desired_result = [413, 615, 114, 2291, 1971, 113, 1679, 10710, 107, 1] ids = tokenizer([raw_input_str], return_tensors=None).input_ids[0] self.assertListEqual(desired_result, ids) assert tokenizer.convert_ids_to_tokens([0, 1, 2, 3]) == ["<pad>", "</s>", "<mask_1>", "<mask_2>"] @require_torch def test_large_seq2seq_truncation(self): src_texts = ["This is going to be way too long." * 150, "short example"] tgt_texts = ["not super long but more than 5 tokens", "tiny"] batch = self._large_tokenizer(src_texts, padding=True, truncation=True, return_tensors="pt") with self._large_tokenizer.as_target_tokenizer(): targets = self._large_tokenizer( tgt_texts, max_length=5, padding=True, truncation=True, return_tensors="pt" ) assert batch.input_ids.shape == (2, 1024) assert batch.attention_mask.shape == (2, 1024) assert targets["input_ids"].shape == (2, 5) assert len(batch) == 2 # input_ids, attention_mask.
AdaMix/tests/test_tokenization_pegasus.py/0
{ "file_path": "AdaMix/tests/test_tokenization_pegasus.py", "repo_id": "AdaMix", "token_count": 1749 }
81
# coding=utf-8 # Copyright 2020 The HuggingFace Team. All rights reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. # You may obtain a copy of the License at # # http://www.apache.org/licenses/LICENSE-2.0 # # Unless required by applicable law or agreed to in writing, software # distributed under the License is distributed on an "AS IS" BASIS, # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. # See the License for the specific language governing permissions and # limitations under the License. import os import unittest from transformers import SPIECE_UNDERLINE, XLMRobertaTokenizer, XLMRobertaTokenizerFast from transformers.file_utils import cached_property from transformers.testing_utils import require_sentencepiece, require_tokenizers, slow from .test_tokenization_common import TokenizerTesterMixin SAMPLE_VOCAB = os.path.join(os.path.dirname(os.path.abspath(__file__)), "fixtures/test_sentencepiece.model") @require_sentencepiece @require_tokenizers class XLMRobertaTokenizationTest(TokenizerTesterMixin, unittest.TestCase): tokenizer_class = XLMRobertaTokenizer rust_tokenizer_class = XLMRobertaTokenizerFast test_rust_tokenizer = True def setUp(self): super().setUp() # We have a SentencePiece fixture for testing tokenizer = XLMRobertaTokenizer(SAMPLE_VOCAB, keep_accents=True) tokenizer.save_pretrained(self.tmpdirname) def test_full_tokenizer(self): tokenizer = XLMRobertaTokenizer(SAMPLE_VOCAB, keep_accents=True) tokens = tokenizer.tokenize("This is a test") self.assertListEqual(tokens, ["▁This", "▁is", "▁a", "▁t", "est"]) self.assertListEqual( tokenizer.convert_tokens_to_ids(tokens), [value + tokenizer.fairseq_offset for value in [285, 46, 10, 170, 382]], ) tokens = tokenizer.tokenize("I was born in 92000, and this is falsé.") self.assertListEqual( tokens, [ SPIECE_UNDERLINE + "I", SPIECE_UNDERLINE + "was", SPIECE_UNDERLINE + "b", "or", "n", SPIECE_UNDERLINE + "in", SPIECE_UNDERLINE + "", "9", "2", "0", "0", "0", ",", SPIECE_UNDERLINE + "and", SPIECE_UNDERLINE + "this", SPIECE_UNDERLINE + "is", SPIECE_UNDERLINE + "f", "al", "s", "é", ".", ], ) ids = tokenizer.convert_tokens_to_ids(tokens) self.assertListEqual( ids, [ value + tokenizer.fairseq_offset for value in [8, 21, 84, 55, 24, 19, 7, 2, 602, 347, 347, 347, 3, 12, 66, 46, 72, 80, 6, 2, 4] # ^ unk: 2 + 1 = 3 unk: 2 + 1 = 3 ^ ], ) back_tokens = tokenizer.convert_ids_to_tokens(ids) self.assertListEqual( back_tokens, [ SPIECE_UNDERLINE + "I", SPIECE_UNDERLINE + "was", SPIECE_UNDERLINE + "b", "or", "n", SPIECE_UNDERLINE + "in", SPIECE_UNDERLINE + "", "<unk>", "2", "0", "0", "0", ",", SPIECE_UNDERLINE + "and", SPIECE_UNDERLINE + "this", SPIECE_UNDERLINE + "is", SPIECE_UNDERLINE + "f", "al", "s", "<unk>", ".", ], ) @cached_property def big_tokenizer(self): return XLMRobertaTokenizer.from_pretrained("xlm-roberta-base") def test_rust_and_python_full_tokenizers(self): if not self.test_rust_tokenizer: return tokenizer = self.get_tokenizer() rust_tokenizer = self.get_rust_tokenizer() sequence = "I was born in 92000, and this is falsé." tokens = tokenizer.tokenize(sequence) rust_tokens = rust_tokenizer.tokenize(sequence) self.assertListEqual(tokens, rust_tokens) ids = tokenizer.encode(sequence, add_special_tokens=False) rust_ids = rust_tokenizer.encode(sequence, add_special_tokens=False) self.assertListEqual(ids, rust_ids) rust_tokenizer = self.get_rust_tokenizer() ids = tokenizer.encode(sequence) rust_ids = rust_tokenizer.encode(sequence) self.assertListEqual(ids, rust_ids) @slow def test_tokenization_base_easy_symbols(self): symbols = "Hello World!" original_tokenizer_encodings = [0, 35378, 6661, 38, 2] # xlmr = torch.hub.load('pytorch/fairseq', 'xlmr.base') # xlmr.large has same tokenizer # xlmr.eval() # xlmr.encode(symbols) self.assertListEqual(original_tokenizer_encodings, self.big_tokenizer.encode(symbols)) @slow def test_tokenization_base_hard_symbols(self): symbols = 'This is a very long text with a lot of weird characters, such as: . , ~ ? ( ) " [ ] ! : - . Also we will add words that should not exsist and be tokenized to <unk>, such as saoneuhaoesuth' original_tokenizer_encodings = [ 0, 3293, 83, 10, 4552, 4989, 7986, 678, 10, 5915, 111, 179459, 124850, 4, 6044, 237, 12, 6, 5, 6, 4, 6780, 705, 15, 1388, 44, 378, 10114, 711, 152, 20, 6, 5, 22376, 642, 1221, 15190, 34153, 450, 5608, 959, 1119, 57702, 136, 186, 47, 1098, 29367, 47, # 4426, # What fairseq tokenizes from "<unk>": "_<" # 3678, # What fairseq tokenizes from "<unk>": "unk" # 2740, # What fairseq tokenizes from "<unk>": ">" 3, # What we tokenize from "<unk>": "<unk>" 6, # Residue from the tokenization: an extra sentencepiece underline 4, 6044, 237, 6284, 50901, 528, 31, 90, 34, 927, 2, ] # xlmr = torch.hub.load('pytorch/fairseq', 'xlmr.base') # xlmr.large has same tokenizer # xlmr.eval() # xlmr.encode(symbols) self.assertListEqual(original_tokenizer_encodings, self.big_tokenizer.encode(symbols))
AdaMix/tests/test_tokenization_xlm_roberta.py/0
{ "file_path": "AdaMix/tests/test_tokenization_xlm_roberta.py", "repo_id": "AdaMix", "token_count": 3924 }
82
import os import sys import json import torch from collections import OrderedDict if __name__ == "__main__": input_path = sys.argv[1] output_path = sys.argv[2] model = torch.load(input_path) lora = OrderedDict() for name, value in model.items(): new_name = name.replace('self.query_lora_a.weight', 'self.query_proj.lora_A').replace('self.query_lora_b.weight', 'self.query_proj.lora_B').replace('self.value_lora_a.weight', 'self.value_proj.lora_A').replace('self.value_lora_b.weight', 'self.value_proj.lora_B') lora[new_name] = value print("Save:") print(lora.keys()) folder = os.path.dirname(output_path) if not os.path.exists(folder): os.mkdir(folder) torch.save(lora, output_path)
AdaMix/utils/convert.py/0
{ "file_path": "AdaMix/utils/convert.py", "repo_id": "AdaMix", "token_count": 318 }
83
from argparse import ArgumentParser import subprocess class DockerImageBuilder: def __init__(self, args): self.args = args def build_docker_image(self): # if a base image is not specified, we use the Ubuntu 18, CUDA 10 image from NVIDIA docker_build_command = [ "docker", "build", "--network=host", "-t", self.args.target_image, "-f", self.args.dockerfile, "--build-arg", "BASE_IMAGE=" + self.args.base_image, ".", ] print(" ".join(docker_build_command)) subprocess.call(docker_build_command) def main(args): docker_image_builder = DockerImageBuilder(args) docker_image_builder.build_docker_image() if __name__ == "__main__": parser = ArgumentParser(description="AirSim Drone Racing Lab docker image builder") parser.add_argument( "--dockerfile", type=str, default="Dockerfile", help="path to docker file" ) parser.add_argument( "--base_image", type=str, default="nvidia/cudagl:10.0-devel-ubuntu18.04", help="base image name AND tag, on top of which the target image is built", ) parser.add_argument( "--target_image", type=str, help="desired name of target image name AND tag" ) args = parser.parse_args() # if a target image name is not specified, let's call it adrl:SOURCE_IMAGE_TAG if not args.target_image: target_image_tag = args.base_image.split(":")[1] args.target_image = "adrl" + ":" + target_image_tag main(args)
AirSim-Drone-Racing-Lab/docker/build_docker_image.py/0
{ "file_path": "AirSim-Drone-Racing-Lab/docker/build_docker_image.py", "repo_id": "AirSim-Drone-Racing-Lab", "token_count": 695 }
84
from __future__ import division import random import math import time import numpy as np import threading import os,sys import airsimdroneracingvae import airsimdroneracingvae.types import airsimdroneracingvae.utils # import utils curr_dir = os.path.dirname(os.path.abspath(__file__)) import_path = os.path.join(curr_dir, '..', '..', '..') sys.path.insert(0, import_path) import racing_utils random.seed() # DEFINE DATA GENERATION META PARAMETERS num_gates_track = 8 race_course_radius = 8 gate_displacement_noise = 1.0 viz_traj = True direction = 0 # 0 for clockwise, 1 for counter-clockwise perpendicular = False # if True, then move with velocity constraint vel_max = 5.0 acc_max = 3.0 radius_noise = gate_displacement_noise height_range = [0, -gate_displacement_noise] class DroneRacingDataGenerator(object): def __init__(self, drone_name, gate_passed_thresh, race_course_radius, radius_noise, height_range, direction, perpendicular, odom_loop_rate_sec, vel_max, acc_max): self.curr_track_gate_poses = None self.next_track_gate_poses = None self.gate_object_names_sorted = None self.num_training_laps = None # gate idx trackers self.gate_passed_thresh = gate_passed_thresh self.last_gate_passed_idx = -1 self.last_gate_idx_moveOnSpline_was_called_on = -1 self.next_gate_idx = 0 self.next_next_gate_idx = 1 self.train_lap_idx = 0 # should be same as settings.json self.drone_name = drone_name # training params self.race_course_radius = race_course_radius self.radius_noise = radius_noise self.height_range = height_range self.direction = direction self.perpendicular=perpendicular self.vel_max = vel_max self.acc_max = acc_max # todo encapsulate in function self.client = airsimdroneracingvae.MultirotorClient() self.client.confirmConnection() self.client.enableApiControl(True, vehicle_name=self.drone_name) time.sleep(0.05) # threading stuff self.got_odom = False self.is_expert_planner_controller_thread_active = False self.expert_planner_controller_thread = threading.Thread(target=self.repeat_timer_expert, args=(self.expert_planner_controller_callback, odom_loop_rate_sec)) # self.image_loop = threading.Thread(target=self.repeat_timer, args=(self.image_callback, 0.05)) # def image_callback(self): # self.client.() def repeat_timer_expert(self, task, period): while self.is_expert_planner_controller_thread_active: task() time.sleep(period) # def repeat_timer_image_cb(self, task, period): # while self.is_expert_planner_controller_thread_active: # task() # time.sleep(period) def load_level(self, level_name='Soccer_Field_Easy'): self.client.simLoadLevel(level_name) time.sleep(2) self.set_current_track_gate_poses_from_default_track_in_binary() self.next_track_gate_poses = self.get_next_generated_track() for gate_idx in range(len(self.gate_object_names_sorted)): print(self.next_track_gate_poses[gate_idx].position.x_val, self.next_track_gate_poses[gate_idx].position.y_val, self.next_track_gate_poses[gate_idx].position.z_val) self.client.simSetObjectPose(self.gate_object_names_sorted[gate_idx], self.next_track_gate_poses[gate_idx]) time.sleep(0.05) self.set_current_track_gate_poses_from_default_track_in_binary() self.next_track_gate_poses = self.get_next_generated_track() def set_current_track_gate_poses_from_default_track_in_binary(self): gate_names_sorted_bad = sorted(self.client.simListSceneObjects("Gate.*")) # gate_names_sorted_bad is ['Gate0', 'Gate10_21', 'Gate11_23', 'Gate1_3', 'Gate2_5', 'Gate3_7', 'Gate4_9', 'Gate5_11', 'Gate6_13', 'Gate7_15', 'Gate8_17', 'Gate9_19'] # number after underscore is unreal garbage. also leading zeros are not there. gate_indices_bad = [int(gate_name.split('_')[0][4:]) for gate_name in gate_names_sorted_bad] gate_indices_correct = sorted(range(len(gate_indices_bad)), key=lambda k:gate_indices_bad[k]) self.gate_object_names_sorted = [gate_names_sorted_bad[gate_idx] for gate_idx in gate_indices_correct] # limit the number of gates in the track self.gate_object_names_sorted = self.gate_object_names_sorted[:num_gates_track] self.curr_track_gate_poses = [self.client.simGetObjectPose(gate_name) for gate_name in self.gate_object_names_sorted] # destroy all previous gates in map for gate_object in self.client.simListSceneObjects(".*[Gg]ate.*"): self.client.simDestroyObject(gate_object) time.sleep(0.05) # generate track with correct number of gates self.next_track_gate_poses = self.get_next_generated_track() self.curr_track_gate_poses = self.next_track_gate_poses # create red gates in their places for idx in range(len(self.gate_object_names_sorted)): self.client.simSpawnObject(self.gate_object_names_sorted[idx], "RedGate16x16", self.next_track_gate_poses[idx], 0.75) time.sleep(0.05) # for gate_pose in self.curr_track_gate_poses: # print(gate_pose.position.x_val, gate_pose.position.y_val,gate_pose.position.z_val) def takeoff_with_moveOnSpline(self, takeoff_height, vel_max, acc_max): self.client.moveOnSplineAsync(path=[airsimdroneracingvae.Vector3r(4, -2, takeoff_height)], vel_max=vel_max, acc_max=acc_max, add_curr_odom_position_constraint=True, add_curr_odom_velocity_constraint=True, viz_traj=viz_traj, vehicle_name=self.drone_name).join() def expert_planner_controller_callback(self): self.curr_multirotor_state = self.client.getMultirotorState() airsim_xyz = self.curr_multirotor_state.kinematics_estimated.position self.curr_xyz = [airsim_xyz.x_val, airsim_xyz.y_val, airsim_xyz.z_val] self.got_odom = True if ((self.train_lap_idx == 0) and (self.last_gate_passed_idx == -1)): if (self.last_gate_idx_moveOnSpline_was_called_on == -1): self.fly_to_next_gate_with_moveOnSpline() self.last_gate_idx_moveOnSpline_was_called_on = 0 return # todo transcribe hackathon shitshow of lists to np arrays # todo this NOT foolproof. future self: check for passing inside or outside of gate. if (self.curr_track_gate_poses is not None): dist_from_next_gate = math.sqrt( (self.curr_xyz[0] - self.curr_track_gate_poses[self.next_gate_idx].position.x_val)**2 + (self.curr_xyz[1] - self.curr_track_gate_poses[self.next_gate_idx].position.y_val)**2 + (self.curr_xyz[2] - self.curr_track_gate_poses[self.next_gate_idx].position.z_val)**2) # print(self.last_gate_passed_idx, self.next_gate_idx, dist_from_next_gate) if dist_from_next_gate < self.gate_passed_thresh: self.last_gate_passed_idx += 1 self.next_gate_idx += 1 self.next_next_gate_idx += 1 # self.set_pose_of_gate_just_passed() self.set_pose_of_gate_passed_before_the_last_one() if self.next_next_gate_idx >= len(self.curr_track_gate_poses): self.next_next_gate_idx = 0 # if current lap is complete, generate next track if (self.last_gate_passed_idx == len(self.curr_track_gate_poses)-1): print("Generating next track") self.last_gate_passed_idx = -1 self.next_gate_idx = 0 self.curr_track_gate_poses = self.next_track_gate_poses self.next_track_gate_poses = self.get_next_generated_track() self.train_lap_idx += 1 # if last gate of last training lap was just passed, chill out and stop the expert thread! # todo stopping thread from callback seems pretty stupid. watchdog? if (self.train_lap_idx == self.num_training_laps-1): self.stop_expert_planner_controller_thread() # todo this is pretty ugly if (not(self.last_gate_idx_moveOnSpline_was_called_on == self.next_gate_idx)): self.fly_to_next_gate_with_moveOnSpline() self.last_gate_idx_moveOnSpline_was_called_on = self.next_gate_idx # self.fly_to_next_gate_with_learner() # self.fly_to_next_gate_with_moveToPostion() def fly_to_next_gate_with_moveOnSpline(self): # print(self.curr_track_gate_poses[self.next_gate_idx].position) # print(self.curr_track_gate_poses[self.next_next_gate_idx].position) if not self.perpendicular: self.last_future = self.client.moveOnSplineAsync([self.curr_track_gate_poses[self.next_gate_idx].position], vel_max=self.vel_max, acc_max=self.acc_max, add_curr_odom_position_constraint=True, add_curr_odom_velocity_constraint=True, viz_traj=viz_traj, vehicle_name=self.drone_name) else: gate_vector = racing_utils.geom_utils.get_gate_facing_vector_from_quaternion(self.curr_track_gate_poses[self.next_gate_idx].orientation, self.direction, scale=vel_max/1.5) self.last_future = self.client.moveOnSplineVelConstraintsAsync([self.curr_track_gate_poses[self.next_gate_idx].position], [gate_vector], vel_max=self.vel_max, acc_max=self.acc_max, add_curr_odom_position_constraint=True, add_curr_odom_velocity_constraint=True, viz_traj=viz_traj, vehicle_name=self.drone_name) # maybe maintain a list of futures, or else unreal binary will crash if join() is not called at the end of script def join_all_pending_futures(self): self.last_future.join() def get_next_generated_track(self): # todo enable gate spawning in neurips environments for variable number of gates in training laps # self.next_track_gate_poses = self.track_generator.generate_gate_poses(num_gates=random.randint(6,10), race_course_radius=30.0, type_of_segment = "circle") return racing_utils.trajectory_utils.generate_gate_poses(num_gates=len(self.curr_track_gate_poses), race_course_radius=self.race_course_radius, radius_noise=self.radius_noise, height_range=self.height_range, direction=self.direction, type_of_segment="circle") def set_pose_of_gate_just_passed(self): if (self.last_gate_passed_idx == -1): return self.client.simSetObjectPose(self.gate_object_names_sorted[self.last_gate_passed_idx], self.next_track_gate_poses[self.last_gate_passed_idx]) # todo unhardcode 100+, ensure unique object ids or just set all non-gate objects to 0, and gates to range(self.next_track_gate_poses)... not needed for hackathon # self.client.simSetSegmentationObjectID(self.gate_object_names_sorted[self.last_gate_passed_idx], 100+self.last_gate_passed_idx); # todo do we really need this sleep time.sleep(0.05) def set_pose_of_gate_passed_before_the_last_one(self): gate_idx_to_move = self.last_gate_passed_idx - 1 # if last_gate passed was -1 or 0, it means the "next" track is already the "current" track. if (self.train_lap_idx > 0): if (self.last_gate_passed_idx in [-1,0]): print("last_gate_passed_idx", self.last_gate_passed_idx, "moving gate idx from CURRENT track", gate_idx_to_move) self.client.simSetObjectPose(self.gate_object_names_sorted[gate_idx_to_move], self.curr_track_gate_poses[gate_idx_to_move]) return else: print("last_gate_passed_idx", self.last_gate_passed_idx, "moving gate idx from NEXT track", gate_idx_to_move) self.client.simSetObjectPose(self.gate_object_names_sorted[gate_idx_to_move], self.next_track_gate_poses[gate_idx_to_move]) return if (self.train_lap_idx == 0): if (self.last_gate_passed_idx in [-1,0]): return else: print("last_gate_passed_idx", self.last_gate_passed_idx, "moving gate idx from NEXT track", gate_idx_to_move) self.client.simSetObjectPose(self.gate_object_names_sorted[gate_idx_to_move], self.next_track_gate_poses[gate_idx_to_move]) # todo unhardcode 100+, ensure unique object ids or just set all non-gate objects to 0, and gates to range(self.next_track_gate_poses)... not needed for hackathon # self.client.simSetSegmentationObjectID(self.gate_object_names_sorted[self.last_gate_passed_idx], 100+self.last_gate_passed_idx); # todo do we really need this sleep time.sleep(0.05) def start_expert_planner_controller_thread(self): if not self.is_expert_planner_controller_thread_active: self.is_expert_planner_controller_thread_active = True self.expert_planner_controller_thread.start() print("Started expert_planner_controller thread") def stop_expert_planner_controller_thread(self): if self.is_expert_planner_controller_thread_active: self.is_expert_planner_controller_thread_active = False self.expert_planner_controller_thread.join() print("Stopped expert_planner_controller thread") def set_num_training_laps(self, num_training_laps): self.num_training_laps = num_training_laps def start_training_data_generator(self, num_training_laps=100, level_name='Soccer_Field_Easy'): self.load_level(level_name) # todo encapsulate in functions self.client.enableApiControl(True, vehicle_name=self.drone_name) time.sleep(0.01) self.client.armDisarm(True, vehicle_name=self.drone_name) time.sleep(0.01) self.client.setTrajectoryTrackerGains(airsimdroneracingvae.TrajectoryTrackerGains().to_list(), vehicle_name=self.drone_name) time.sleep(0.01) self.takeoff_with_moveOnSpline(takeoff_height=-2, vel_max=self.vel_max, acc_max=self.acc_max) self.set_num_training_laps(num_training_laps) self.start_expert_planner_controller_thread() if __name__ == "__main__": drone_racing_datagenerator = DroneRacingDataGenerator(drone_name='drone_0', gate_passed_thresh=0.5, race_course_radius=race_course_radius, radius_noise=radius_noise, height_range=height_range, direction=direction, perpendicular=perpendicular, odom_loop_rate_sec=0.015, vel_max=vel_max, acc_max=acc_max ) drone_racing_datagenerator.start_training_data_generator()
AirSim-Drone-Racing-VAE-Imitation/datagen/action_generator/soccer_datagen.py/0
{ "file_path": "AirSim-Drone-Racing-VAE-Imitation/datagen/action_generator/soccer_datagen.py", "repo_id": "AirSim-Drone-Racing-VAE-Imitation", "token_count": 8556 }
85
import tensorflow as tf from tensorflow.keras import Model from tensorflow.keras.layers import Dense, Flatten, Conv2D, BatchNormalization, Lambda, Concatenate, Conv2DTranspose, Reshape, ReLU class Dronet(Model): def __init__(self, num_outputs, include_top=True): super(Dronet, self).__init__() self.include_top = include_top self.create_model(num_outputs) def call(self, img): # Input x1 = self.conv0(img) x1 = self.max0(x1) # First residual block x2 = self.bn0(x1) # x2 = x1 x2 = tf.keras.layers.Activation('relu')(x2) x2 = self.conv1(x2) x2 = self.bn1(x2) x2 = tf.keras.layers.Activation('relu')(x2) x2 = self.conv2(x2) x1 = self.conv3(x1) x3 = tf.keras.layers.add([x1, x2]) # Second residual block x4 = self.bn2(x3) # x4 = x3 x4 = tf.keras.layers.Activation('relu')(x4) x4 = self.conv4(x4) x4 = self.bn3(x4) x4 = tf.keras.layers.Activation('relu')(x4) x4 = self.conv5(x4) x3 = self.conv6(x3) x5 = tf.keras.layers.add([x3, x4]) # Third residual block x6 = self.bn4(x5) # x6 = x5 x6 = tf.keras.layers.Activation('relu')(x6) x6 = self.conv7(x6) x6 = self.bn5(x6) x6 = tf.keras.layers.Activation('relu')(x6) x6 = self.conv8(x6) x5 = self.conv9(x5) x7 = tf.keras.layers.add([x5, x6]) x = tf.keras.layers.Flatten()(x7) if self.include_top: x = tf.keras.layers.Activation('relu')(x) # x = tf.keras.layers.Dropout(0.5)(x) x = self.dense0(x) x = self.dense1(x) gate_pose = self.dense2(x) # phi_rel = self.dense_phi_rel(x) # gate_pose = tf.concat([gate_pose, phi_rel], 1) return gate_pose else: return x def create_model(self, num_outputs): print('[Dronet] Starting dronet') self.max0 = tf.keras.layers.MaxPooling2D(pool_size=2, strides=2) # default pool_size='2', strides=2 self.bn0 = tf.keras.layers.BatchNormalization() self.bn1 = tf.keras.layers.BatchNormalization() self.bn2 = tf.keras.layers.BatchNormalization() self.bn3 = tf.keras.layers.BatchNormalization() self.bn4 = tf.keras.layers.BatchNormalization() self.bn5 = tf.keras.layers.BatchNormalization() self.conv0 = Conv2D(filters=32, kernel_size=5, strides=2, padding='same', activation='linear') self.conv1 = Conv2D(filters=32, kernel_size=3, strides=2, padding='same', activation='linear', kernel_initializer='he_normal', kernel_regularizer=tf.keras.regularizers.l2(1e-4)) self.conv2 = Conv2D(filters=32, kernel_size=3, strides=1, padding='same', activation='linear', kernel_initializer='he_normal', kernel_regularizer=tf.keras.regularizers.l2(1e-4)) self.conv3 = Conv2D(filters=32, kernel_size=1, strides=2, padding='same', activation='linear') self.conv4 = Conv2D(filters=64, kernel_size=3, strides=2, padding='same', activation='linear', kernel_initializer='he_normal', kernel_regularizer=tf.keras.regularizers.l2(1e-4)) self.conv5 = Conv2D(filters=64, kernel_size=3, strides=1, padding='same', activation='linear', kernel_initializer='he_normal', kernel_regularizer=tf.keras.regularizers.l2(1e-4)) self.conv6 = Conv2D(filters=64, kernel_size=1, strides=2, padding='same', activation='linear') self.conv7 = Conv2D(filters=128, kernel_size=3, strides=2, padding='same', activation='linear', kernel_initializer='he_normal', kernel_regularizer=tf.keras.regularizers.l2(1e-4)) self.conv8 = Conv2D(filters=128, kernel_size=3, strides=1, padding='same', activation='linear', kernel_initializer='he_normal', kernel_regularizer=tf.keras.regularizers.l2(1e-4)) self.conv9 = Conv2D(filters=128, kernel_size=1, strides=2, padding='same', activation='linear') self.dense0 = tf.keras.layers.Dense(units=64, activation='relu') self.dense1 = tf.keras.layers.Dense(units=32, activation='relu') self.dense2 = tf.keras.layers.Dense(units=num_outputs, activation='linear') # self.dense_phi_rel = tf.keras.layers.Dense(units=2, activation='tanh') print('[Dronet] Done with dronet')
AirSim-Drone-Racing-VAE-Imitation/racing_models/dronet.py/0
{ "file_path": "AirSim-Drone-Racing-VAE-Imitation/racing_models/dronet.py", "repo_id": "AirSim-Drone-Racing-VAE-Imitation", "token_count": 2083 }
86
# Competition Guidelines The challenge aims to encourage the NeurIPS research community to push the boundaries of building competitive autonomous systems through head-to-head drone races. To broaden the audience and bring people from different disciplines to drones, all racing will be done in simulation. ## Challenge Description The competition will be held in two phases: a qualification phase and a live racing phase. The qualification phase is to help the teams push their solution to be competitive and ready for the live races. The second phase will be held live at the NeurIPS 2019 conference, where teams will be competing against each other. The competition will also be held across three tiers, with each tier focusing on a different aspect of autonomous systems. The races will be carried out in three test tracks of increasing difficulty. Test tracks in different environments are available for download [here](https://github.com/microsoft/AirSim-NeurIPS2019-Drone-Racing/releases). Tracks are marked by a series of gates through which the drone must pass. Additionally, we will be publishing a reference solution for all the three tiers that the participants can use to get started. ### Tier I: Planning Only Race an opponent drone to the finish line given the poses of self and the opponent drone in real time. The task is to plan the most time-optimal path that completes the course while avoiding collisions with the opponent drone as well as the track gates. Poses of the gates are also provided. - Challenge: Finish the track quicker than your opponent, without crashing. - Focus: Competitive planning algorithms, adversarial race tactics. ### Tier II: Perception Only Equipped with a forward-facing RGB camera and given the ground truth pose of your drone - complete the racecourse as fast as possible while avoiding collisions with the track gates. The approximate gate poses will be provided at the start of the race, but the actual gates poses will be slightly perturbed from the approximate poses. - Challenge: Use perception to sense the spatial whereabouts and order of gates in the track. - Focus: Vision based perception. ### Tier III: Full Autonomy This is the combination of Tiers I and II. Given a forward-facing RGB camera and the ground truth pose of your own drone, complete the racecourse as fast as possible while avoiding collisions with the gates as well as the opponent drone. You will again be provided with approximate gate poses before the race starts. The actual gate poses will be perturbed versions of the approximate ones. - Challenge: Use perception both to locate the gates as well as your opponent, and finish the race quicker than your opponent. - Focus: Full stack autonomy, integrating perception with competitive planning. ## How to Participate in the Challenge Participants can download binaries to experiment with the drone racing simulation environment using the AirSim API. The binaries are located [here](https://github.com/microsoft/AirSim-NeurIPS2019-Drone-Racing/releases). The simulation environment will later contain a low-level trajectory planner and feedback controller to control the dynamics of the drone to achieve the specified waypoint and velocity, thereby simplifying the interface as much as possible. The exact form of submission is to be determined. The participants are expected to develop everything in Python using typical packages (numpy, scipy, etc.) and the provided AirSim API. ### Environments There are three environments that will house race tracks for this competition. 1. **SoccerField**: A simple outdoors environment with few obstacles consisting of a green soccer field surrounded by buildings and trees. 2. **ZhangJiaJie**: A mountainous landscape modeled after the national park with the same name in the Hunan province of China. 3. **Microsoft Research Building 99**: A complex indoor environment with varying lighting conditions in one of Microsoft’s very own buildings. ## Definitions **Reference Submission.** A reference submission is developed by Microsoft Research and the Stanford Multi-robot Systems Lab (which will not be disclosed). During the qualification, all participants in Tiers I and III are evaluated against the same reference submission, which acts as the opponent drone. **Mirrored Race Pairs.** To ensure fairness of evaluation, every race is always carried out twice. For tiers I and III, which involve two drones, the start positions are switched between runs. **Round.** For every submission a set of 2 mirrored races (a total of 4 races) is carried out for each of 3 different track environments. Each race has different starting positions for the drones. The average score in each environment counts toward overall points. Runs without disqualifications take precedence. **Start Positions.** The start positions are specified for each track and in general consists of two non-colliding positions before the first gate. **Chasing drone.** At any point of the race, the chasing drone is the drone behind. This either means it has passed less gates than the other drone, or in case the same number of gates have been passed, the following drone is the drone with larger Euclidean distance to the next gate’s center. The other drone is referred to as the leading drone. It is the job of the chasing drone to avoid collisions with the leading drone. This means, that the leading drone can make use of its lead by blocking the pathway of the chaser. ### Gates The gates are rectangular and marked using a "race-tape" checker pattern with different colors on each side. - The front side is colored green. - The (inner and outer) sides are blue. - The back side of the gate is colored red. ## Tracks Α race is carried out on a track consisting of a series of gates that must be traversed in order and in the correct direction. The hardness is defined with the following specifications. 1. **Easy** - All gates are at the same altitude above the ground (2D tracks). - All gates are the same dimensions. - Gates are only rotated about the z-axis. - When passing through one gate, the next gate is always fully in the field-of-view (FOV) of the drone's camera. 2. **Medium** - Gates are at varying heights (2.5D tracks). - Gate types are scalable. - Gates are only rotated about the z-axis. - The thickness of the gates differs (i.e. the ratio of the internal and external dimensions of the gates will not be consistent). - When passing through a gate, the next gate is always at least partially in the camera FOV. 3. **Hard** - Gates are arbitrarily oriented (3D tracks). - Gates are arbitrarily sized and proportioned. - When passing through a gate, the next gate is not necessarily in the camera FOV. - There may be obstacles in between gates that have to be detected (i.e. walls, chairs, etc.). ## Qualification Rules The qualifier binary will contain three tracks classified into three categories: Easy, Medium, and Hard. In each race, each drone must complete the racecourse by passing through a series of gates in a given order without colliding with the environment or the opponent drone (Tier I and III). Missing a gate and colliding with the environment incurs a penalty. Violating the safety radius incurs a penalty as well, and a collision with the other drones will disqualify the drone causing the collision. See [Penalties and Disqualifications](https://github.com/microsoft/AirSim-NeurIPS2019-Drone-Racing/blob/master/docs/competition_guidelines.md#penalties) in the following for details. To determine a leaderboard among all submissions during the qualification phase, every submission is evaluated across the three tracks. To ensure fairness, each track is required to have results from two runs. The score for each track is determined by averaging the metrics of the two runs. As there are two drones in Tier I and III, the two drones will start at offset positions. When the race is repeated, the start positions of the participant and the opponent drones will be mirrored. The summed score over all tracks determines the overall score in the leaderboard (see [Metrics and Scoring](https://github.com/microsoft/AirSim-NeurIPS2019-Drone-Racing/blob/master/docs/competition_guidelines.md#metrics-and-scoring) below). The exact conditions for a team to qualify for the live tournament at the NeurIPS 2019 conference depends on the number of participants and feedback we gather during the qualification and will be detailed before 15th October, 2019. Qualifier binaries will also be released during this timeframe. ## Metrics and Scoring ### Nummber of gates passed (**G**) This is the primary metric in the scoring strategy. The drone that navigates through the most number of gates in a 2-drone race will always be the winner. G = Number of gates passed / Total number of gates ### Lag time (**T**) For tiers I and III, in order to measure how well the participants perform with respect to the reference drone, another aspect of the score is determined by a *lag time*. At any instant, the lag time (or split time) is the difference between the participant drone’s lap time and the reference drone's lap time. If the participant drone is in second place, the lag time will be positive. The scoring metric only considers the lag time at the end of the race - when the chasing drone has crossed the final gate. ### Maximal lap time For every racetrack, there is a maximum lap time ***t***<sub>max</sub>. If the participant drone is unable to complete the track within this timeframe, it is disqualified. ### Collision Penalties **Drone-Drone collision (Tier I and III)** It is the job of the chasing drone to avoid the leading drone. In the case of a collision, penalties are always incurred by the chasing drone. For collision purposes, the drones are modeled as simple boxes. A collision is registered any time the distance between the two drones falls below **d**. In the event of a drone-drone collision, the chasing drone is disqualified. **Collision with environment/gates** Every collision with other objects in the environment such as the gates is penalized with a time delay represented by ***t***<sub>***e***</sub>. The drone-environment collisions are checked over a specific window of time ***t***<sub>cw</sub>. Multiple collisions registered under the window of ***t***<sub>cw</sub> are treated as a single collision. **Values** ***NOTE: AS OF NOW, THESE VALUES ARE ONLY NOMINAL AND ARE SUBJECT TO CHANGE.*** | Quantity | Description | Value | |----------|-------------------------------------------------------------------------|------------| | ***t***<sub>***max***</sub> | Maximal lap time, within which the drones should complete the track | 100 seconds | ***d*** | Distance threshold for collision detection | 0.3 meters | | ***t***<sub>***e***</sub> | Time penalty incurred by drone for colliding with environment | 3 seconds | | ***t***<sub>***cw***</sub> | Time window for collision checking | 1 second | ### Overall Score During a two-drone race, the drone that passed through the most number of gates automatically wins. If both drones cross the same number of gates, the winner is determined by the lag time. As the drones navigate the race track, any time penalties incurred (as described above) are added to the current lap time of the drone responsible, which in turn affects the lag time between the drones. ### Disqualifications There are two reasons for a disqualification: Timeouts and multiple drone-drone collisions. 1. **Timeout** If a drone does not finish within the maximal lap time of a track, it is disqualified. 2. **Collision with another drone** If a drone-drone collision happens, the chasing drone is disqualified. In case of a disqualification, the score is equivalent to achieving the maximal lap time. ## Race Monitoring As a drone is navigating the racetrack, the race progress is streamed to a local log file, which can be found at ``Saved/Logs/RaceLogs/[TimeStamp]_[Level]_tier_[Tier#]_[Race#].log``. This log is updated with data such as the current odometry of the drone, number of gates passed/missed, times etc. It may be useful to continually process this log file client-side. The format of the data generated in this log file can be seen through this example: ``` A odometry_XYZRPY (75.000,-200.000,2882.102,0.000,0.000,90.000) A gates_passed 0 A gates_missed 0 A collision_count 0 A time 8 A penalty 0 A disqualified 0 A finished 0 ``` We have an example python script ([`scripts/logging/log_monitor.py`](https://github.com/microsoft/AirSim-NeurIPS2019-Drone-Racing/blob/master/scripts/logging/log_monitor.py)) to help you analyze the log file. This script demonstrates how one can detect when to start a new race, which may be useful for training scenarios. Please note that in the qualification round, participants will be required to submit these generated race logs for evaluation. ## Live Tournament Rules The rules for the live tournament carried out during the NeuRIPS 2019 conference will be published after feedback from the qualification round is gathered.
AirSim-NeurIPS2019-Drone-Racing/docs/competition_guidelines.md/0
{ "file_path": "AirSim-NeurIPS2019-Drone-Racing/docs/competition_guidelines.md", "repo_id": "AirSim-NeurIPS2019-Drone-Racing", "token_count": 3194 }
87
# Changelog ## Unreleased - Initial commit ([#315](https://github.com/microsoft/ApplicationInsights-Python/pull/315))
ApplicationInsights-Python/azure-monitor-events-extension/CHANGELOG.md/0
{ "file_path": "ApplicationInsights-Python/azure-monitor-events-extension/CHANGELOG.md", "repo_id": "ApplicationInsights-Python", "token_count": 41 }
88
[tool.black] line-length = 79 exclude = ''' ( /( # generated files .github| .tox| .vscode| venv| .*/build/lib/.*| scripts| azure-monitor-opentelemetry/azure/monitor/opentelemetry/_vendor| )/ ) '''
ApplicationInsights-Python/pyproject.toml/0
{ "file_path": "ApplicationInsights-Python/pyproject.toml", "repo_id": "ApplicationInsights-Python", "token_count": 113 }
89
from distutils.util import strtobool import logging import datetime import uuid import json import re import os import azure.functions as func from shared_code import constants from shared_code.blob_operations import get_blob_info_from_topic_and_subject, get_blob_client_from_blob_info def main(msg: func.ServiceBusMessage, stepResultEvent: func.Out[func.EventGridOutputEvent], dataDeletionEvent: func.Out[func.EventGridOutputEvent]): logging.info("Python ServiceBus topic trigger processed message - A new blob was created!.") body = msg.get_body().decode('utf-8') logging.info('Python ServiceBus queue trigger processed message: %s', body) json_body = json.loads(body) topic = json_body["topic"] request_id = re.search(r'/blobServices/default/containers/(.*?)/blobs', json_body["subject"]).group(1) # message originated from in-progress blob creation if constants.STORAGE_ACCOUNT_NAME_IMPORT_INPROGRESS in topic or constants.STORAGE_ACCOUNT_NAME_EXPORT_INPROGRESS in topic: try: enable_malware_scanning = strtobool(os.environ["ENABLE_MALWARE_SCANNING"]) except KeyError: logging.error("environment variable 'ENABLE_MALWARE_SCANNING' does not exists. Cannot continue.") raise if enable_malware_scanning and constants.STORAGE_ACCOUNT_NAME_IMPORT_INPROGRESS in topic: # If malware scanning is enabled, the fact that the blob was created can be dismissed. # It will be consumed by the malware scanning service logging.info('Malware scanning is enabled. no action to perform.') send_delete_event(dataDeletionEvent, json_body, request_id) return else: logging.info('Malware scanning is disabled. Completing the submitted stage (moving to in_review).') # Malware scanning is disabled, so we skip to the in_review stage completed_step = constants.STAGE_SUBMITTED new_status = constants.STAGE_IN_REVIEW # blob created in the approved storage, meaning its ready (success) elif constants.STORAGE_ACCOUNT_NAME_IMPORT_APPROVED in topic or constants.STORAGE_ACCOUNT_NAME_EXPORT_APPROVED in topic: completed_step = constants.STAGE_APPROVAL_INPROGRESS new_status = constants.STAGE_APPROVED # blob created in the rejected storage, meaning its ready (declined) elif constants.STORAGE_ACCOUNT_NAME_IMPORT_REJECTED in topic or constants.STORAGE_ACCOUNT_NAME_EXPORT_REJECTED in topic: completed_step = constants.STAGE_REJECTION_INPROGRESS new_status = constants.STAGE_REJECTED # blob created in the blocked storage, meaning its ready (failed) elif constants.STORAGE_ACCOUNT_NAME_IMPORT_BLOCKED in topic or constants.STORAGE_ACCOUNT_NAME_EXPORT_BLOCKED in topic: completed_step = constants.STAGE_BLOCKING_INPROGRESS new_status = constants.STAGE_BLOCKED_BY_SCAN # reply with a step completed event stepResultEvent.set( func.EventGridOutputEvent( id=str(uuid.uuid4()), data={"completed_step": completed_step, "new_status": new_status, "request_id": request_id}, subject=request_id, event_type="Airlock.StepResult", event_time=datetime.datetime.utcnow(), data_version=constants.STEP_RESULT_EVENT_DATA_VERSION)) send_delete_event(dataDeletionEvent, json_body, request_id) def send_delete_event(dataDeletionEvent: func.Out[func.EventGridOutputEvent], json_body, request_id): # check blob metadata to find the blob it was copied from blob_client = get_blob_client_from_blob_info( *get_blob_info_from_topic_and_subject(topic=json_body["topic"], subject=json_body["subject"])) blob_metadata = blob_client.get_blob_properties()["metadata"] copied_from = json.loads(blob_metadata["copied_from"]) logging.info(f"copied from history: {copied_from}") # signal that the container where we copied from can now be deleted dataDeletionEvent.set( func.EventGridOutputEvent( id=str(uuid.uuid4()), data={"blob_to_delete": copied_from[-1]}, # last container in copied_from is the one we just copied from subject=request_id, event_type="Airlock.DataDeletion", event_time=datetime.datetime.utcnow(), data_version=constants.DATA_DELETION_EVENT_DATA_VERSION ) )
AzureTRE/airlock_processor/BlobCreatedTrigger/__init__.py/0
{ "file_path": "AzureTRE/airlock_processor/BlobCreatedTrigger/__init__.py", "repo_id": "AzureTRE", "token_count": 1705 }
90
import os import logging import json import re from datetime import datetime, timedelta from typing import Tuple from azure.core.exceptions import ResourceExistsError from azure.identity import DefaultAzureCredential from azure.storage.blob import ContainerSasPermissions, generate_container_sas, BlobServiceClient from exceptions import NoFilesInRequestException, TooManyFilesInRequestException def get_account_url(account_name: str) -> str: return f"https://{account_name}.blob.{get_storage_endpoint_suffix()}/" def get_blob_client_from_blob_info(storage_account_name: str, container_name: str, blob_name: str): source_blob_service_client = BlobServiceClient(account_url=get_account_url(storage_account_name), credential=get_credential()) source_container_client = source_blob_service_client.get_container_client(container_name) return source_container_client.get_blob_client(blob_name) def create_container(account_name: str, request_id: str): try: container_name = request_id blob_service_client = BlobServiceClient(account_url=get_account_url(account_name), credential=get_credential()) blob_service_client.create_container(container_name) logging.info(f'Container created for request id: {request_id}.') except ResourceExistsError: logging.info(f'Did not create a new container. Container already exists for request id: {request_id}.') def get_request_files(account_name: str, request_id: str) -> list: files = [] blob_service_client = BlobServiceClient(account_url=get_account_url(account_name), credential=get_credential()) container_client = blob_service_client.get_container_client(container=request_id) for blob in container_client.list_blobs(): files.append({"name": blob.name, "size": blob.size}) return files def copy_data(source_account_name: str, destination_account_name: str, request_id: str): credential = get_credential() container_name = request_id source_blob_service_client = BlobServiceClient(account_url=get_account_url(source_account_name), credential=credential) source_container_client = source_blob_service_client.get_container_client(container_name) # Check that we are copying exactly one blob found_blobs = 0 blob_name = "" for blob in source_container_client.list_blobs(): blob_name = blob.name if found_blobs > 0: msg = "Request with id {} contains more than 1 file. flow aborted.".format(request_id) logging.error(msg) raise TooManyFilesInRequestException(msg) found_blobs += 1 if found_blobs == 0: msg = "Request with id {} did not contain any files. flow aborted.".format(request_id) logging.error(msg) raise NoFilesInRequestException(msg) # token geneation with expiry of 1 hour. since its not shared, we can leave it to expire (no need to track/delete) # Remove sas token if not needed: https://github.com/microsoft/AzureTRE/issues/2034 start = datetime.utcnow() - timedelta(minutes=15) expiry = datetime.utcnow() + timedelta(hours=1) udk = source_blob_service_client.get_user_delegation_key(key_start_time=start, key_expiry_time=expiry) sas_token = generate_container_sas(container_name=container_name, account_name=source_account_name, user_delegation_key=udk, permission=ContainerSasPermissions(read=True), start=start, expiry=expiry) source_blob = source_container_client.get_blob_client(blob_name) source_url = f'{source_blob.url}?{sas_token}' # Set metadata to include the blob url that it is copied from metadata = source_blob.get_blob_properties()["metadata"] copied_from = json.loads(metadata["copied_from"]) if "copied_from" in metadata else [] metadata["copied_from"] = json.dumps(copied_from + [source_blob.url]) # Copy files dest_blob_service_client = BlobServiceClient(account_url=get_account_url(destination_account_name), credential=credential) copied_blob = dest_blob_service_client.get_blob_client(container_name, source_blob.blob_name) copy = copied_blob.start_copy_from_url(source_url, metadata=metadata) try: logging.info("Copy operation returned 'copy_id': '%s', 'copy_status': '%s'", copy["copy_id"], copy["copy_status"]) except KeyError as e: logging.error(f"Failed getting operation id and status {e}") def get_credential() -> DefaultAzureCredential: managed_identity = os.environ.get("MANAGED_IDENTITY_CLIENT_ID") if managed_identity: logging.info("using the Airlock processor's managed identity to get credentials.") return DefaultAzureCredential(managed_identity_client_id=os.environ["MANAGED_IDENTITY_CLIENT_ID"], exclude_shared_token_cache_credential=True) if managed_identity else DefaultAzureCredential() def get_blob_info_from_topic_and_subject(topic: str, subject: str): # Example of a topic: "/subscriptions/<subscription_id>/resourceGroups/<reosurce_group_name>/providers/Microsoft.Storage/storageAccounts/<storage_account_name>" storage_account_name = re.search(r'providers/Microsoft.Storage/storageAccounts/(.*?)$', topic).group(1) # Example of a subject: "/blobServices/default/containers/<container_guid>/blobs/<blob_name>" container_name, blob_name = re.search(r'/blobServices/default/containers/(.*?)/blobs/(.*?)$', subject).groups() return storage_account_name, container_name, blob_name def get_blob_info_from_blob_url(blob_url: str) -> Tuple[str, str, str]: # Example of blob url: https://stalimappws663d.blob.core.windows.net/50866a82-d13a-4fd5-936f-deafdf1022ce/test_blob.txt return re.search(rf'https://(.*?).blob.{get_storage_endpoint_suffix()}/(.*?)/(.*?)$', blob_url).groups() def get_blob_url(account_name: str, container_name: str, blob_name='') -> str: return f'{get_account_url(account_name)}{container_name}/{blob_name}' def get_storage_endpoint_suffix(): default_value = "core.windows.net" try: return os.environ["STORAGE_ENDPOINT_SUFFIX"] except KeyError as e: logging.warning(f"Missing environment variable: {e}. using default value: '{default_value}'") return default_value
AzureTRE/airlock_processor/shared_code/blob_operations.py/0
{ "file_path": "AzureTRE/airlock_processor/shared_code/blob_operations.py", "repo_id": "AzureTRE", "token_count": 2659 }
91
from fastapi import Depends, HTTPException, Path, status from pydantic import UUID4 from api.helpers import get_repository from db.errors import EntityDoesNotExist, ResourceIsNotDeployed from db.repositories.operations import OperationRepository from db.repositories.user_resources import UserResourceRepository from db.repositories.workspace_services import WorkspaceServiceRepository from db.repositories.workspaces import WorkspaceRepository from models.domain.user_resource import UserResource from models.domain.workspace import Workspace from models.domain.workspace_service import WorkspaceService from models.domain.operation import Operation from resources import strings async def get_workspace_by_id(workspace_id: UUID4, workspaces_repo) -> Workspace: try: return await workspaces_repo.get_workspace_by_id(workspace_id) except EntityDoesNotExist: raise HTTPException(status_code=status.HTTP_404_NOT_FOUND, detail=strings.WORKSPACE_DOES_NOT_EXIST) async def get_workspace_by_id_from_path(workspace_id: UUID4 = Path(...), workspaces_repo=Depends(get_repository(WorkspaceRepository))) -> Workspace: return await get_workspace_by_id(workspace_id, workspaces_repo) async def get_deployed_workspace_by_id_from_path(workspace_id: UUID4 = Path(...), workspaces_repo=Depends(get_repository(WorkspaceRepository)), operations_repo=Depends(get_repository(OperationRepository))) -> Workspace: try: return await workspaces_repo.get_deployed_workspace_by_id(workspace_id, operations_repo) except EntityDoesNotExist: raise HTTPException(status_code=status.HTTP_404_NOT_FOUND, detail=strings.WORKSPACE_DOES_NOT_EXIST) except ResourceIsNotDeployed: raise HTTPException(status_code=status.HTTP_409_CONFLICT, detail=strings.WORKSPACE_IS_NOT_DEPLOYED) async def get_workspace_service_by_id_from_path(workspace_id: UUID4 = Path(...), service_id: UUID4 = Path(...), workspace_services_repo=Depends(get_repository(WorkspaceServiceRepository))) -> WorkspaceService: try: return await workspace_services_repo.get_workspace_service_by_id(workspace_id, service_id) except EntityDoesNotExist: raise HTTPException(status_code=status.HTTP_404_NOT_FOUND, detail=strings.WORKSPACE_SERVICE_DOES_NOT_EXIST) async def get_deployed_workspace_service_by_id_from_path(workspace_id: UUID4 = Path(...), service_id: UUID4 = Path(...), workspace_services_repo=Depends(get_repository(WorkspaceServiceRepository)), operations_repo=Depends(get_repository(OperationRepository))) -> WorkspaceService: try: return await workspace_services_repo.get_deployed_workspace_service_by_id(workspace_id, service_id, operations_repo) except EntityDoesNotExist: raise HTTPException(status_code=status.HTTP_404_NOT_FOUND, detail=strings.WORKSPACE_SERVICE_DOES_NOT_EXIST) except ResourceIsNotDeployed: raise HTTPException(status_code=status.HTTP_409_CONFLICT, detail=strings.WORKSPACE_SERVICE_IS_NOT_DEPLOYED) async def get_user_resource_by_id_from_path(workspace_id: UUID4 = Path(...), service_id: UUID4 = Path(...), resource_id: UUID4 = Path(...), user_resource_repo=Depends(get_repository(UserResourceRepository))) -> UserResource: try: return await user_resource_repo.get_user_resource_by_id(workspace_id, service_id, resource_id) except EntityDoesNotExist: raise HTTPException(status_code=status.HTTP_404_NOT_FOUND, detail=strings.USER_RESOURCE_DOES_NOT_EXIST) async def get_operation_by_id_from_path(operation_id: UUID4 = Path(...), operations_repo=Depends(get_repository(OperationRepository))) -> Operation: try: return await operations_repo.get_operation_by_id(operation_id=operation_id) except EntityDoesNotExist: raise HTTPException(status_code=status.HTTP_404_NOT_FOUND, detail=strings.OPERATION_DOES_NOT_EXIST)
AzureTRE/api_app/api/dependencies/workspaces.py/0
{ "file_path": "AzureTRE/api_app/api/dependencies/workspaces.py", "repo_id": "AzureTRE", "token_count": 1360 }
92
from typing import Optional from fastapi import APIRouter, Depends, HTTPException, status from pydantic import parse_obj_as from api.helpers import get_repository from db.errors import EntityDoesNotExist, EntityVersionExist, InvalidInput from db.repositories.resource_templates import ResourceTemplateRepository from models.domain.resource import ResourceType from models.schemas.resource_template import ResourceTemplateInResponse, ResourceTemplateInformationInList from models.schemas.shared_service_template import SharedServiceTemplateInCreate, SharedServiceTemplateInResponse from resources import strings from services.authentication import get_current_admin_user, get_current_tre_user_or_tre_admin from api.routes.resource_helpers import get_template shared_service_templates_core_router = APIRouter(dependencies=[Depends(get_current_tre_user_or_tre_admin)]) @shared_service_templates_core_router.get("/shared-service-templates", response_model=ResourceTemplateInformationInList, name=strings.API_GET_SHARED_SERVICE_TEMPLATES) async def get_shared_service_templates(authorized_only: bool = False, template_repo=Depends(get_repository(ResourceTemplateRepository)), user=Depends(get_current_tre_user_or_tre_admin)) -> ResourceTemplateInformationInList: templates_infos = await template_repo.get_templates_information(ResourceType.SharedService, user.roles if authorized_only else None) return ResourceTemplateInformationInList(templates=templates_infos) @shared_service_templates_core_router.get("/shared-service-templates/{shared_service_template_name}", response_model=SharedServiceTemplateInResponse, response_model_exclude_none=True, name=strings.API_GET_SHARED_SERVICE_TEMPLATE_BY_NAME, dependencies=[Depends(get_current_tre_user_or_tre_admin)]) async def get_shared_service_template(shared_service_template_name: str, is_update: bool = False, version: Optional[str] = None, template_repo=Depends(get_repository(ResourceTemplateRepository))) -> SharedServiceTemplateInResponse: try: template = await get_template(shared_service_template_name, template_repo, ResourceType.SharedService, is_update=is_update, version=version) return parse_obj_as(SharedServiceTemplateInResponse, template) except EntityDoesNotExist: raise HTTPException(status_code=status.HTTP_404_NOT_FOUND, detail=strings.SHARED_SERVICE_TEMPLATE_DOES_NOT_EXIST) @shared_service_templates_core_router.post("/shared-service-templates", status_code=status.HTTP_201_CREATED, response_model=SharedServiceTemplateInResponse, response_model_exclude_none=True, name=strings.API_CREATE_SHARED_SERVICE_TEMPLATES, dependencies=[Depends(get_current_admin_user)]) async def register_shared_service_template(template_input: SharedServiceTemplateInCreate, template_repo=Depends(get_repository(ResourceTemplateRepository))) -> ResourceTemplateInResponse: try: return await template_repo.create_and_validate_template(template_input, ResourceType.SharedService) except EntityVersionExist: raise HTTPException(status_code=status.HTTP_409_CONFLICT, detail=strings.SHARED_SERVICE_TEMPLATE_VERSION_EXISTS) except InvalidInput as e: raise HTTPException(status_code=status.HTTP_422_UNPROCESSABLE_ENTITY, detail=str(e))
AzureTRE/api_app/api/routes/shared_service_templates.py/0
{ "file_path": "AzureTRE/api_app/api/routes/shared_service_templates.py", "repo_id": "AzureTRE", "token_count": 1002 }
93
from enum import Enum from pydantic import Field from models.domain.azuretremodel import AzureTREModel from models.domain.resource import Resource, ResourceType class WorkspaceRole(Enum): NoRole = 0 Researcher = 1 Owner = 2 AirlockManager = 3 class Workspace(Resource): """ Workspace request """ workspaceURL: str = Field("", title="Workspace URL", description="Main endpoint for workspace users") resourceType = ResourceType.Workspace class WorkspaceAuth(AzureTREModel): scopeId: str = Field("", title="Scope ID", description="The Workspace App Scope Id to use for auth")
AzureTRE/api_app/models/domain/workspace.py/0
{ "file_path": "AzureTRE/api_app/models/domain/workspace.py", "repo_id": "AzureTRE", "token_count": 190 }
94
from pydantic import Field from models.domain.resource import ResourceType from models.domain.resource_template import CustomAction, Property from models.domain.user_resource_template import UserResourceTemplate from models.schemas.resource_template import ResourceTemplateInCreate, ResourceTemplateInResponse def get_sample_user_resource_template_object(template_name: str = "guacamole-vm") -> UserResourceTemplate: return UserResourceTemplate( id="a7a7a7bd-7f4e-4a4e-b970-dc86a6b31dfb", name=template_name, title="Guacamole VM", parentWorkspaceService="guacamole", description="user resource bundle", version="0.1.0", resourceType=ResourceType.UserResource, current=True, type="object", required=["display_name", "description"], properties={ "display_name": Property(type="string"), "description": Property(type="string") }, customActions=[CustomAction()] ) def get_sample_user_resource_template() -> dict: return get_sample_user_resource_template_object().dict() def get_sample_user_resource_template_in_response() -> dict: workspace_template = get_sample_user_resource_template() return workspace_template class UserResourceTemplateInCreate(ResourceTemplateInCreate): class Config: schema_extra = { "example": { "name": "my-tre-user-resource", "version": "0.0.1", "current": "true", "json_schema": { "$schema": "http://json-schema.org/draft-07/schema", "$id": "https://github.com/microsoft/AzureTRE/templates/workspaces/myworkspace/user_resource.json", "type": "object", "title": "My User Resource Template", "description": "These is a test user resource template schema", "required": [], "authorizedRoles": [], "properties": {}, }, "customActions": [ { "name": "start", "description": "Starts a VM" }, { "name": "stop", "description": "Stops a VM" } ] } } class UserResourceTemplateInResponse(ResourceTemplateInResponse): parentWorkspaceService: str = Field(title="Workspace type", description="Bundle name") class Config: schema_extra = { "example": get_sample_user_resource_template_in_response() }
AzureTRE/api_app/models/schemas/user_resource_template.py/0
{ "file_path": "AzureTRE/api_app/models/schemas/user_resource_template.py", "repo_id": "AzureTRE", "token_count": 1246 }
95
{ "$schema": "http://json-schema.org/draft-07/schema", "$id": "https://github.com/microsoft/AzureTRE/schema/workspace_service.json", "type": "object", "title": "Workspace Service Default Parameters", "description": "These parameters are required for all workspaces services", "required": [ "display_name", "description" ], "properties": { "display_name": { "type": "string", "title": "Name for the workspace service", "description": "The name of the workspace service to be displayed to users", "updateable": true }, "description": { "type": "string", "title": "Description of the workspace service", "description": "Description of the workspace service", "updateable": true }, "overview": { "type": "string", "title": "Workspace Service Overview", "description": "Long form description of the workspace service, in markdown syntax", "updateable": true } } }
AzureTRE/api_app/schemas/workspace_service.json/0
{ "file_path": "AzureTRE/api_app/schemas/workspace_service.json", "repo_id": "AzureTRE", "token_count": 345 }
96
import logging from opentelemetry.instrumentation.logging import LoggingInstrumentor from opentelemetry import trace from azure.monitor.opentelemetry import configure_azure_monitor from core.config import APPLICATIONINSIGHTS_CONNECTION_STRING, LOGGING_LEVEL UNWANTED_LOGGERS = [ "azure.core.pipeline.policies.http_logging_policy", "azure.eventhub._eventprocessor.event_processor", "azure.identity.aio._credentials.managed_identity", "azure.identity.aio._credentials.environment", "azure.identity.aio._internal.get_token_mixin", "azure.identity.aio._internal.decorators", "azure.identity.aio._credentials.chained", "azure.identity", "msal.token_cache", # Remove these once the following PR is merged: # https://github.com/Azure/azure-sdk-for-python/pull/30832 # Issue: https://github.com/microsoft/AzureTRE/issues/3766 "azure.servicebus._pyamqp.aio._session_async" ] LOGGERS_FOR_ERRORS_ONLY = [ "azure.monitor.opentelemetry.exporter.export._base", "azure.servicebus.aio._base_handler_async", "azure.servicebus._pyamqp.aio._cbs_async", "azure.servicebus._pyamqp.aio._client_async", "azure.servicebus._pyamqp.aio._connection_async", "azure.servicebus._pyamqp.aio._link_async", "azure.servicebus._pyamqp.aio._management_link_async", "opentelemetry.attributes", "uamqp", "uamqp.async_ops", "uamqp.async_ops.client_async", "uamqp.async_ops.connection_async", "uamqp.async_ops.session_async", "uamqp.authentication", "uamqp.authentication.cbs_auth_async", "uamqp.c_uamqp", "uamqp.client", "uamqp.connection", "uamqp.receiver", "uamqp.sender", "urllib3.connectionpool" ] logger = logging.getLogger("azuretre_api") tracer = trace.get_tracer("azuretre_api") def configure_loggers(): for logger_name in LOGGERS_FOR_ERRORS_ONLY: logging.getLogger(logger_name).setLevel(logging.ERROR) for logger_name in UNWANTED_LOGGERS: logging.getLogger(logger_name).setLevel(logging.CRITICAL) def initialize_logging() -> logging.Logger: configure_loggers() logging_level = logging.INFO if LOGGING_LEVEL == "INFO": logging_level = logging.INFO elif LOGGING_LEVEL == "DEBUG": logging_level = logging.DEBUG elif LOGGING_LEVEL == "WARNING": logging_level = logging.WARNING elif LOGGING_LEVEL == "ERROR": logging_level = logging.ERROR if APPLICATIONINSIGHTS_CONNECTION_STRING: configure_azure_monitor( logger_name="azuretre_api", instrumentation_options={ "azure_sdk": {"enabled": False}, "flask": {"enabled": False}, "django": {"enabled": False}, "fastapi": {"enabled": True}, "psycopg2": {"enabled": False}, } ) LoggingInstrumentor().instrument( set_logging_format=True, log_level=logging_level, tracer_provider=tracer._real_tracer ) logger.info("Logging initialized with level: %s", LOGGING_LEVEL) return logger
AzureTRE/api_app/services/logging.py/0
{ "file_path": "AzureTRE/api_app/services/logging.py", "repo_id": "AzureTRE", "token_count": 1365 }
97
import pytest from mock import patch from fastapi import status from services.authentication import get_current_admin_user, get_current_tre_user_or_tre_admin from resources import strings pytestmark = pytest.mark.asyncio class TestMigrationRoutesWithNonAdminRights: @pytest.fixture(autouse=True, scope='class') def log_in_with_non_admin_user(self, app, non_admin_user): with patch('services.aad_authentication.AzureADAuthorization._get_user_from_token', return_value=non_admin_user()): app.dependency_overrides[get_current_tre_user_or_tre_admin] = non_admin_user yield app.dependency_overrides = {} # [POST] /migrations/ async def test_post_migrations_throws_unauthenticated_when_not_admin(self, client, app): response = await client.post(app.url_path_for(strings.API_MIGRATE_DATABASE)) assert response.status_code == status.HTTP_403_FORBIDDEN class TestMigrationRoutesThatRequireAdminRights: @pytest.fixture(autouse=True, scope='class') def _prepare(self, app, admin_user): with patch('services.aad_authentication.AzureADAuthorization._get_user_from_token', return_value=admin_user()): app.dependency_overrides[get_current_tre_user_or_tre_admin] = admin_user app.dependency_overrides[get_current_admin_user] = admin_user yield app.dependency_overrides = {} # [POST] /migrations/ @ patch("api.routes.migrations.logger.info") @ patch("api.routes.migrations.OperationRepository") @ patch("api.routes.migrations.ResourceMigration.archive_history") @ patch("api.routes.migrations.ResourceMigration.add_deployment_status_field") @ patch("api.routes.migrations.ResourceRepository.rename_field_name") @ patch("api.routes.migrations.SharedServiceMigration.deleteDuplicatedSharedServices") @ patch("api.routes.migrations.WorkspaceMigration.moveAuthInformationToProperties") @ patch("api.routes.migrations.SharedServiceMigration.checkMinFirewallVersion") @ patch("api.routes.migrations.AirlockMigration.add_created_by_and_rename_in_history") @ patch("api.routes.migrations.AirlockMigration.rename_field_name") @ patch("api.routes.migrations.AirlockMigration.change_review_resources_to_dict") @ patch("api.routes.migrations.AirlockMigration.update_review_decision_values") @ patch("api.routes.migrations.ResourceMigration.migrate_step_id_of_operation_steps") async def test_post_migrations_returns_202_on_successful(self, migrate_step_id_of_operation_steps, update_review_decision_values, change_review_resources_to_dict, airlock_rename_field, add_created_by_and_rename_in_history, check_min_firewall_version, workspace_migration, shared_services_migration, rename_field, add_deployment_field, archive_history, _, logging, client, app): response = await client.post(app.url_path_for(strings.API_MIGRATE_DATABASE)) check_min_firewall_version.assert_called_once() shared_services_migration.assert_called_once() workspace_migration.assert_called_once() rename_field.assert_called() add_deployment_field.assert_called() add_created_by_and_rename_in_history.assert_called_once() airlock_rename_field.assert_called() change_review_resources_to_dict.assert_called_once() update_review_decision_values.assert_called_once() migrate_step_id_of_operation_steps.assert_called_once() archive_history.assert_called_once() logging.assert_called() assert response.status_code == status.HTTP_202_ACCEPTED # [POST] /migrations/ @ patch("api.routes.migrations.logger.info") @ patch("api.routes.migrations.ResourceRepository.rename_field_name", side_effect=ValueError) @ patch("api.routes.migrations.SharedServiceMigration.deleteDuplicatedSharedServices") @ patch("api.routes.migrations.WorkspaceMigration.moveAuthInformationToProperties") @ patch("api.routes.migrations.AirlockMigration.add_created_by_and_rename_in_history") async def test_post_migrations_returns_400_if_template_does_not_exist(self, workspace_migration, shared_services_migration, resources_repo, airlock_migration, logging, client, app): response = await client.post(app.url_path_for(strings.API_MIGRATE_DATABASE)) assert response.status_code == status.HTTP_400_BAD_REQUEST
AzureTRE/api_app/tests_ma/test_api/test_routes/test_migrations.py/0
{ "file_path": "AzureTRE/api_app/tests_ma/test_api/test_routes/test_migrations.py", "repo_id": "AzureTRE", "token_count": 1937 }
98
from unittest.mock import AsyncMock import uuid import pytest_asyncio import pytest from mock import patch from db.repositories.resource_templates import ResourceTemplateRepository from models.domain.operation import Status from db.repositories.resources import ResourceRepository from db.repositories.operations import OperationRepository from tests_ma.test_api.test_routes.test_resource_helpers import FAKE_CREATE_TIMESTAMP RESOURCE_ID = str(uuid.uuid4()) OPERATION_ID = str(uuid.uuid4()) pytestmark = pytest.mark.asyncio @pytest_asyncio.fixture async def operations_repo(): with patch('api.dependencies.database.Database.get_container_proxy', return_value=None): operations_repo = await OperationRepository.create() yield operations_repo @pytest_asyncio.fixture async def resource_repo(): with patch('api.dependencies.database.Database.get_container_proxy', return_value=None): resource_repo = await ResourceRepository.create() yield resource_repo @pytest_asyncio.fixture async def resource_template_repo(): with patch('api.dependencies.database.Database.get_container_proxy', return_value=None): resource_template_repo = await ResourceTemplateRepository.create() yield resource_template_repo @patch('uuid.uuid4', side_effect=["random-uuid-1", "random-uuid-2", "random-uuid-3"]) @patch("db.repositories.operations.OperationRepository.get_timestamp", return_value=FAKE_CREATE_TIMESTAMP) @patch("db.repositories.operations.OperationRepository.create_operation_id", return_value=OPERATION_ID) async def test_create_operation_steps_from_multi_step_template(_, __, ___, resource_repo, test_user, multi_step_operation, operations_repo, basic_shared_service, resource_template_repo, multi_step_resource_template): expected_op = multi_step_operation expected_op.id = OPERATION_ID expected_op.status = Status.AwaitingDeployment expected_op.message = "This resource is waiting to be deployed" operations_repo.save_item = AsyncMock() resource_repo.get_active_resource_by_template_name = AsyncMock(return_value=basic_shared_service) resource_template_repo.get_template_by_name_and_version = AsyncMock(return_value=multi_step_resource_template) operation = await operations_repo.create_operation_item( resource_id="59b5c8e7-5c42-4fcb-a7fd-294cfc27aa76", resource_list=[basic_shared_service.__dict__], action="install", resource_path="/workspaces/59b5c8e7-5c42-4fcb-a7fd-294cfc27aa76", resource_version=0, user=test_user, resource_repo=resource_repo, resource_template_repo=resource_template_repo ) assert operation.dict() == expected_op.dict()
AzureTRE/api_app/tests_ma/test_db/test_repositories/test_operation_repository.py/0
{ "file_path": "AzureTRE/api_app/tests_ma/test_db/test_repositories/test_operation_repository.py", "repo_id": "AzureTRE", "token_count": 977 }
99
import copy import pytest from models.domain.resource_template import PipelineStep, PipelineStepProperty from service_bus.substitutions import substitute_properties, substitute_value def test_substitution_for_primary_resource_no_parents(primary_resource): resource_dict = primary_resource.dict() # Verify mandatory param val_to_sub = "{{ resource.properties.address_prefix }}" with pytest.raises(Exception): val = substitute_value(val_to_sub, None, None, None) val = substitute_value(val_to_sub, None, resource_dict, None) val = substitute_value(val_to_sub, None, None, resource_dict) # single array val val_to_sub = "{{ resource.properties.address_prefix }}" val = substitute_value(val_to_sub, resource_dict, None, None) assert val == ["172.0.0.1", "192.168.0.1"] # array val to inject, with text. Text will be dropped. val_to_sub = "{{ resource.properties.fqdn }} - this text will be removed because fqdn is a list and shouldn't be concatenated into a string" val = substitute_value(val_to_sub, resource_dict, None, None) assert val == ["*.pypi.org", "files.pythonhosted.org", "security.ubuntu.com"] # single string val, with text. Will be concatenated into text. val_to_sub = "I think {{ resource.templateName }} is the best template!" val = substitute_value(val_to_sub, resource_dict, None, None) assert val == "I think template name is the best template!" # multiple string vals, with text. Will be concatenated. val_to_sub = "I think {{ resource.templateName }} is the best template, and {{ resource.templateVersion }} is a good version!" val = substitute_value(val_to_sub, resource_dict, None, None) assert val == "I think template name is the best template, and 7 is a good version!" def test_substitution_for_user_resource_primary_resource_with_parents( primary_user_resource, resource_ws_parent, resource_ws_svc_parent ): primary_user_resource_dict = primary_user_resource.dict() parent_ws_resource_dict = resource_ws_parent.dict() parent_ws_svc_resource_dict = resource_ws_svc_parent.dict() # ws parent (2 levels up) # single array val val_to_sub = "{{ resource.parent.parent.properties.address_prefix }}" val = substitute_value( val_to_sub, primary_user_resource_dict, parent_ws_resource_dict, None ) assert val == ["172.1.1.1", "192.168.1.1"] # array val to inject, with text. Text will be dropped. val_to_sub = "{{ resource.parent.parent.properties.fqdn }} - this text will be removed because fqdn is a list and shouldn't be concatenated into a string" val = substitute_value( val_to_sub, primary_user_resource_dict, parent_ws_resource_dict, None ) assert val == ["*.pypi.org", "security.ubuntu.com"] # single string val, with text. Will be concatenated into text. val_to_sub = ( "I think {{ resource.parent.parent.templateName }} is the best template!" ) val = substitute_value( val_to_sub, primary_user_resource_dict, parent_ws_resource_dict, None ) assert val == "I think ws template name is the best template!" # multiple string vals, with text. Will be concatenated. val_to_sub = "I think {{ resource.parent.parent.templateName }} is the best template, and {{ resource.parent.parent.templateVersion }} is a good version!" val = substitute_value( val_to_sub, primary_user_resource_dict, parent_ws_resource_dict, None ) assert ( val == "I think ws template name is the best template, and 8 is a good version!" ) # Verify the correct dictionary is provided val_to_sub = "{{ resource.parent.properties.display_name }}" with pytest.raises(Exception): val = substitute_value(val_to_sub, primary_user_resource_dict, None, None) # ws svc parent (1 level up) # single array val val_to_sub = "{{ resource.parent.properties.address_prefix }}" val = substitute_value( val_to_sub, primary_user_resource_dict, None, parent_ws_svc_resource_dict ) assert val == ["172.2.2.2", "192.168.2.2"] # array val to inject, with text. Text will be dropped. val_to_sub = "{{ resource.parent.properties.fqdn }} - this text will be removed because fqdn is a list and shouldn't be concatenated into a string" val = substitute_value( val_to_sub, primary_user_resource_dict, None, parent_ws_svc_resource_dict ) assert val == ["*.pypi.org", "files.pythonhosted.org"] # single string val, with text. Will be concatenated into text. val_to_sub = "I think {{ resource.parent.templateName }} is the best template!" val = substitute_value( val_to_sub, primary_user_resource_dict, None, parent_ws_svc_resource_dict ) assert val == "I think svc template name is the best template!" # multiple string vals, with text. Will be concatenated. val_to_sub = "I think {{ resource.parent.templateName }} is the best template, and {{ resource.parent.templateVersion }} is a good version!" val = substitute_value( val_to_sub, primary_user_resource_dict, None, parent_ws_svc_resource_dict ) assert ( val == "I think svc template name is the best template, and 9 is a good version!" ) # multiple sources (primary + both parents) multiple string vals, with text. Will be concatenated. val_to_sub = "I am the primary resource ( a user resource - {{ resource.properties.display_name }}), my workspace service parent is {{ resource.parent.properties.display_name }} and my parent workspace is {{ resource.parent.parent.properties.display_name }}" val = substitute_value( val_to_sub, primary_user_resource_dict, parent_ws_resource_dict, parent_ws_svc_resource_dict, ) assert ( val == "I am the primary resource ( a user resource - test_resource name), my workspace service parent is ImTheParentWSSvc and my parent workspace is ImTheParentWS" ) # Verify the correct dictionary is provided val_to_sub = "{{ resource.parent.parent.properties.display_name }}" with pytest.raises(Exception): val = substitute_value(val_to_sub, primary_user_resource_dict, None, None) # 2 parents are the maximum supported! val_to_sub = "{{ resource.parent.parent.parent.properties.display_name }}" with pytest.raises(ValueError): val = substitute_value( val_to_sub, primary_user_resource_dict, parent_ws_resource_dict, parent_ws_svc_resource_dict, ) def test_substitution_for_workspace_service_primary_resource__with_parents( primary_workspace_service_resource, resource_ws_parent ): primary_workspace_service_resource_dict = primary_workspace_service_resource.dict() parent_ws_resource_dict = resource_ws_parent.dict() # ws parent # single array val val_to_sub = "I am a ws service, but my ws parent is '{{ resource.parent.properties.display_name }}'" val = substitute_value( val_to_sub, primary_workspace_service_resource_dict, parent_ws_resource_dict, None, ) assert val == "I am a ws service, but my ws parent is 'ImTheParentWS'" # ws service cant have more than a single parent val_to_sub = "{{ resource.parent.parent.properties.display_name }}" with pytest.raises(ValueError): val = substitute_value( val_to_sub, primary_workspace_service_resource_dict, parent_ws_resource_dict, None, ) val_to_sub = "{{ resource.parent.parent.parent.properties.display_name }}" with pytest.raises(ValueError): val = substitute_value( val_to_sub, primary_workspace_service_resource_dict, parent_ws_resource_dict, None, ) def test_substitution_for_workspace_primary_resource_parents(primary_resource): primary_resource_dict = primary_resource.dict() # single array val val_to_sub = "I am a ws WITHOUT any parents, my name is '{{ resource.properties.display_name }}'" val = substitute_value(val_to_sub, primary_resource_dict, None, None) assert val == "I am a ws WITHOUT any parents, my name is 'test_resource name'" # ws cant have any parents val_to_sub = "{{ resource.parent.properties.display_name }}" with pytest.raises(ValueError): val = substitute_value(val_to_sub, primary_resource_dict, None, None) val_to_sub = "{{ resource.parent.parent.properties.display_name }}" with pytest.raises(ValueError): val = substitute_value(val_to_sub, primary_resource_dict, None, None) def test_substitution_for_shared_service_primary_resource_parents(basic_shared_service): primary_resource_dict = basic_shared_service.dict() # single array val val_to_sub = "I am a shared service WITHOUT any parents, my name is '{{ resource.properties.display_name }}'" val = substitute_value(val_to_sub, primary_resource_dict, None, None) assert ( val == "I am a shared service WITHOUT any parents, my name is 'shared_service_resource name'" ) # shared service cant have any parents val_to_sub = "{{ resource.parent.properties.display_name }}" with pytest.raises(ValueError): val = substitute_value(val_to_sub, primary_resource_dict, None, None) val_to_sub = "{{ resource.parent.parent.properties.display_name }}" with pytest.raises(ValueError): val = substitute_value(val_to_sub, primary_resource_dict, None, None) def test_simple_substitution( simple_pipeline_step, primary_resource, resource_to_update ): obj = substitute_properties( simple_pipeline_step, primary_resource, None, None, resource_to_update ) assert obj["just_text"] == "Updated by 123" assert obj["just_text_2"] == "No substitution, just a fixed string here" assert obj["just_text_3"] == "Multiple substitutions -> 123 and template name" def test_substitution_list_strings(primary_resource, resource_to_update): pipeline_step_with_list_strings = PipelineStep( properties=[ PipelineStepProperty( name="obj_list_strings", type="string", value={ "name": "nrc_guacamole_svc_{{ resource.id }}", "action": "Allow", "rules": [ { "name": "AllowAzureAD", "description": "AAD access for authNZ", "source_addresses": "", "destination_addresses": ["AzureActiveDirectory"], "destination_ports": ["*", "{{resource.id}}"], "protocols": ["TCP"], } ], }, ) ] ) obj = substitute_properties( pipeline_step_with_list_strings, primary_resource, None, None, resource_to_update, ) assert obj["obj_list_strings"]["rules"][0]["destination_ports"] == ["*", "123"] def test_substitution_props(pipeline_step, primary_resource, resource_to_update): obj = substitute_properties( pipeline_step, primary_resource, None, None, resource_to_update ) assert obj["rule_collections"][0]["rules"][0]["target_fqdns"] == [ "*.pypi.org", "files.pythonhosted.org", "security.ubuntu.com", ] assert obj["rule_collections"][0]["rules"][0]["source_addresses"] == [ "172.0.0.1", "192.168.0.1", ] assert ( obj["rule_collections"][0]["rules"][0]["protocols"][1]["type"] == "MyCoolProtocol" ) assert obj["rule_collections"][0]["rules"][0]["description"] == "Deployed by 123" def test_substitution_array_append_remove( pipeline_step, primary_resource, resource_to_update ): # do the first substitution, and assert there's a single rule collection step = copy.deepcopy(pipeline_step) step.properties[0].arraySubstitutionAction = "append" step.properties[0].value["name"] = "object 1" obj = substitute_properties(step, primary_resource, None, None, resource_to_update) assert len(obj["rule_collections"]) == 1 # in effect the RP will do this: resource_to_update.properties = obj # now append another substitution, and check we've got both rules step = copy.deepcopy(pipeline_step) step.properties[0].arraySubstitutionAction = "append" step.properties[0].value["name"] = "object 2" obj = substitute_properties(step, primary_resource, None, None, resource_to_update) assert len(obj["rule_collections"]) == 2 # the RP makes the change again... resource_to_update.properties = obj # now append another substitution, and check we've got all 3 rules step = copy.deepcopy(pipeline_step) step.properties[0].arraySubstitutionAction = "append" step.properties[0].value["name"] = "object 3" obj = substitute_properties(step, primary_resource, None, None, resource_to_update) assert len(obj["rule_collections"]) == 3 # the RP makes the change again... resource_to_update.properties = obj # now remove object 2... step = copy.deepcopy(pipeline_step) step.properties[0].arraySubstitutionAction = "remove" step.properties[0].value["name"] = "object 2" obj = substitute_properties(step, primary_resource, None, None, resource_to_update) assert len(obj["rule_collections"]) == 2 assert obj["rule_collections"][0]["name"] == "object 1" assert obj["rule_collections"][1]["name"] == "object 3" # the RP makes the change again... resource_to_update.properties = obj # now remove object 1... step = copy.deepcopy(pipeline_step) step.properties[0].arraySubstitutionAction = "remove" step.properties[0].value["name"] = "object 1" obj = substitute_properties(step, primary_resource, None, None, resource_to_update) assert len(obj["rule_collections"]) == 1 assert obj["rule_collections"][0]["name"] == "object 3" # the RP makes the change again... resource_to_update.properties = obj # now remove object 3... step = copy.deepcopy(pipeline_step) step.properties[0].arraySubstitutionAction = "remove" step.properties[0].value["name"] = "object 3" obj = substitute_properties(step, primary_resource, None, None, resource_to_update) assert len(obj["rule_collections"]) == 0 # the RP makes the change again... resource_to_update.properties = obj # now remove another one, even though the array is empty... step = copy.deepcopy(pipeline_step) step.properties[0].arraySubstitutionAction = "remove" step.properties[0].value["name"] = "object 1" obj = substitute_properties(step, primary_resource, None, None, resource_to_update) assert len(obj["rule_collections"]) == 0 def test_substitution_array_append_replace( pipeline_step, primary_resource, resource_to_update ): # add object 1 step = copy.deepcopy(pipeline_step) step.properties[0].arraySubstitutionAction = "append" step.properties[0].value["name"] = "Object 1" obj = substitute_properties(step, primary_resource, None, None, resource_to_update) assert len(obj["rule_collections"]) == 1 assert obj["rule_collections"][0]["name"] == "Object 1" # the RP does this: resource_to_update.properties = obj # add object 2 step = copy.deepcopy(pipeline_step) step.properties[0].arraySubstitutionAction = "append" step.properties[0].value["name"] = "Object 2" obj = substitute_properties(step, primary_resource, None, None, resource_to_update) assert len(obj["rule_collections"]) == 2 assert obj["rule_collections"][1]["name"] == "Object 2" # the RP does this: resource_to_update.properties = obj # replace object 1 step = copy.deepcopy(pipeline_step) step.properties[0].arraySubstitutionAction = "replace" step.properties[0].value["name"] = "Object 1" step.properties[0].value["action"] = "Deny Object 1" obj = substitute_properties(step, primary_resource, None, None, resource_to_update) assert len(obj["rule_collections"]) == 2 assert obj["rule_collections"][0]["action"] == "Deny Object 1" # the RP does this: resource_to_update.properties = obj # replace the next one step = copy.deepcopy(pipeline_step) step.properties[0].arraySubstitutionAction = "replace" step.properties[0].value["name"] = "Object 2" step.properties[0].value["action"] = "Deny Object 2" obj = substitute_properties(step, primary_resource, None, None, resource_to_update) assert len(obj["rule_collections"]) == 2 assert obj["rule_collections"][1]["action"] == "Deny Object 2" def test_substitution_array_replace_not_found( pipeline_step, primary_resource, resource_to_update ): # try to replace an item not there - it should just append step = copy.deepcopy(pipeline_step) step.properties[0].arraySubstitutionAction = "replace" step.properties[0].value["name"] = "Object 1" obj = substitute_properties(step, primary_resource, None, None, resource_to_update) assert len(obj["rule_collections"]) == 1 assert obj["rule_collections"][0]["name"] == "Object 1"
AzureTRE/api_app/tests_ma/test_service_bus/test_substitutions.py/0
{ "file_path": "AzureTRE/api_app/tests_ma/test_service_bus/test_substitutions.py", "repo_id": "AzureTRE", "token_count": 6452 }
100
{ "dev": { "baseUrl": "http://localhost:8000/api", "contentType": "application/json", "workspaceTemplate": "my-tre-workspace", "workspaceServiceTemplate": "my-tre-workspace-service", "userResourceTemplate": "my-tre-user-resource", "workspaceId": "49ab7315-49bb-48ed-b9ca-c37369f15e7a", "workspaceServiceId": "2a3165e7-5b5c-40e5-b3b6-94f528e9fcf0", "userResourceId": "726e00b5-9408-4d81-a913-d890b4851307", "clientId": "9d52b04f-89cf-47b4-868a-e12be7133b36" } }
AzureTRE/api_http_requests/http-client.env.json/0
{ "file_path": "AzureTRE/api_http_requests/http-client.env.json", "repo_id": "AzureTRE", "token_count": 244 }
101
import sys import click import json import logging import msal import os from pathlib import Path from tre.api_client import ApiClient from typing import List from tre.authentication import get_auth_token_client_credentials, get_public_client_application def all_or_none(values: "list(bool)") -> bool: """Returns: True if all set False if all unset None otherwise """ if len(values) == 0: return None first_value = True if values[0] else False # convert to truthy for value in values[1:]: current_value = True if value else False if first_value is not current_value: # value doesn't match first version return None return first_value @click.group(name="login", help="Set the TRE credentials and base URL") def login(): pass @click.command(name="device-code", help="Use device code flow to authenticate") @click.option('--base-url', required=True, help='The TRE base URL, e.g. ' + 'https://<id>.<location>.cloudapp.azure.com/') @click.option('--client-id', required=False, help='The Client ID of the Azure AD application for the API (optional for API versions >= v0.5.7)') @click.option('--aad-tenant-id', required=False, help='The Tenant ID for the AAD tenant to authenticate with (optional for API versions >= v0.5.7)') @click.option('--api-scope', required=False, help='The API scope for the base API (optional for API versions >= v0.5.7)') @click.option('--verify/--no-verify', help='Enable/disable SSL verification', default=True) @click.option('--workspace', "workspaces", required=False, help='Additionally log in to workspace with specified id (can be specified multiple times).', multiple=True) @click.option('--all-workspaces', required=False, default=False, is_flag=True, help='Additionally log in to all current workspaces (not compatible with --workspace)') def login_device_code(base_url: str, client_id: str, aad_tenant_id: str, api_scope: str, verify: bool, workspaces: List[str], all_workspaces): log = logging.getLogger(__name__) if workspaces is not None and len(workspaces) > 0: if all_workspaces: raise click.ClickException("Cannot use `--all-workspaces and --workspace") have_aad_tenant_etc = all_or_none([client_id, aad_tenant_id, api_scope]) if have_aad_tenant_etc is None: click.echo("Either all or none of --client-id, --aad-tenant-id and --api-scope must be specified") sys.exit(1) # Load metadata from API if required if not have_aad_tenant_etc: metadata = ApiClient.get_api_metadata(base_url) if not metadata: click.echo("Unable to query API metadata endpoint - please pass --aad-tenant-id and --api-scope") sys.exit(1) client_id = metadata["api_client_id"] aad_tenant_id = metadata["aad_tenant_id"] api_scope = metadata["api_root_scope"] # Set up token cache Path('~/.config/tre').expanduser().mkdir(parents=True, exist_ok=True) token_cache_file = Path('~/.config/tre/token_cache.json').expanduser() cache = msal.SerializableTokenCache() if os.path.exists(token_cache_file): cache.deserialize(open(token_cache_file, "r").read()) app = get_public_client_application(client_id, aad_tenant_id, cache) click.echo(f'api_scope: {api_scope}') flow = app.initiate_device_flow(scopes=[api_scope]) if "user_code" not in flow: raise click.ClickException("unable to initiate device flow") click.echo(flow['message']) auth_result = app.acquire_token_by_device_flow(flow) if "access_token" not in auth_result: raise click.ClickException(f"Failed to get access token: ${str(auth_result)}") # Save the auth details to ~/.config/tre/environment.json environment_config = { 'base-url': base_url, 'login-method': 'device-code', 'token-cache-file': str(token_cache_file.absolute()), 'client-id': client_id, 'aad-tenant-id': aad_tenant_id, 'api-scope': api_scope, 'verify': verify, } Path('~/.config/tre/environment.json').expanduser().write_text( json.dumps(environment_config, indent=4), encoding='utf-8') # Save the token cache if cache.has_state_changed: with open(token_cache_file, "w") as cache_file: cache_file.write(cache.serialize()) client = None if all_workspaces: click.echo("\nGetting current workspaces: ...") client = ApiClient.get_api_client_from_config() response = client.call_api(log, "GET", "/api/workspaces") if not response.is_success: raise click.ClickException(f"Failed to list workspaces: {response.text}") workspaces = [workspace["id"] for workspace in response.json()["workspaces"] if "scope_id" in workspace["properties"]] if workspaces is not None and len(workspaces) > 0: click.echo(f"Logging in to workspaces: {workspaces}...") if client is None: client = ApiClient.get_api_client_from_config() workspace_scopes = [client.get_workspace_scope(log, workspace) for workspace in workspaces] flow = app.initiate_device_flow(scopes=[api_scope] + workspace_scopes) if "user_code" not in flow: raise click.ClickException("unable to initiate device flow") click.echo(flow['message']) app.acquire_token_by_device_flow(flow) if cache.has_state_changed: with open(token_cache_file, "w") as cache_file: cache_file.write(cache.serialize()) click.echo("Successfully logged in") @click.command( name="client-credentials", help="Use client credentials flow (client ID + secret) to authenticate.", ) @click.option( "--base-url", required=True, help="The TRE base URL, e.g. " + "https://<id>.<location>.cloudapp.azure.com/", ) @click.option( "--client-id", required=True, help="The Client ID to use for authenticating" ) @click.option( "--client-secret", required=True, help="The Client Secret to use for authenticating" ) @click.option( "--aad-tenant-id", required=False, help="The Tenant ID for the AAD tenant to authenticate with (optional for API versions >= v0.5.7)", ) @click.option("--api-scope", required=False, help="The API scope for the base API (optional for API versions >= v0.5.7)") @click.option( "--verify/--no-verify", help="Enable/disable SSL verification", default=True ) def login_client_credentials( base_url: str, client_id: str, client_secret: str, aad_tenant_id: str, api_scope: str, verify: bool, ): log = logging.getLogger(__name__) have_aad_tenant_etc = all_or_none([aad_tenant_id, api_scope]) if have_aad_tenant_etc is None: click.echo("Either both or none of --aad-tenant-id and --api-scope must be specified") sys.exit(1) # Load metadata from API if required if not have_aad_tenant_etc: metadata = ApiClient.get_api_metadata(base_url) if not metadata: click.echo("Unable to query API metadata endpoint - please pass --aad-tenant-id and --api-scope") sys.exit(1) aad_tenant_id = metadata["aad_tenant_id"] api_scope = metadata["api_root_scope"] # metadata includes /user_impersonation which works for device_code flow but not client credentials if api_scope.endswith("/user_impersonation"): api_scope = api_scope[:-1 * len("/user_impersonation")] # Test the auth succeeds try: log.info("Attempting sign-in...") get_auth_token_client_credentials( log, client_id, client_secret, aad_tenant_id, api_scope, verify ) log.info("Sign-in successful") # TODO make a call against the API to ensure the auth token # is valid there (url) except RuntimeError: log.error("Sign-in failed") click.echo("Sign-in failed\n") return # Save the auth details to ~/.config/tre/environment.json environment_config = { "base-url": base_url, "login-method": "client-credentials", "client-id": client_id, "client-secret": client_secret, "aad-tenant-id": aad_tenant_id, "api-scope": api_scope, "verify": verify, } # ensure ~/.config/tre folder exists Path("~/.config/tre").expanduser().mkdir(parents=True, exist_ok=True) Path("~/.config/tre/environment.json").expanduser().write_text( json.dumps(environment_config, indent=4), encoding="utf-8" ) click.echo("Login details saved\n") login.add_command(login_client_credentials) login.add_command(login_device_code)
AzureTRE/cli/tre/commands/login.py/0
{ "file_path": "AzureTRE/cli/tre/commands/login.py", "repo_id": "AzureTRE", "token_count": 3626 }
102
import click from tre.commands.workspace_service_templates.contexts import WorkspaceServiceTemplateContext class UserResourceTemplateContext(object): def __init__(self, workspace_service_name: str, template_name: str): self.workspace_service_name = workspace_service_name self.template_name = template_name @staticmethod def add_template_name_to_context_obj(ctx: click.Context, template_name: str) -> "UserResourceTemplateContext": workspace_service_template_context = ctx.find_object(WorkspaceServiceTemplateContext) return UserResourceTemplateContext(workspace_service_template_context.template_name, template_name) pass_user_resource_template_context = click.make_pass_decorator(UserResourceTemplateContext)
AzureTRE/cli/tre/commands/workspace_service_templates/user_resource_templates/contexts.py/0
{ "file_path": "AzureTRE/cli/tre/commands/workspace_service_templates/user_resource_templates/contexts.py", "repo_id": "AzureTRE", "token_count": 231 }
103
import logging import click from tre.commands.operation import operations_list from tre.output import output_option, query_option from .contexts import WorkspaceContext, pass_workspace_context @click.group(name="operations", help="List operations ") def workspace_operations(): pass @click.command(name="list", help="List workspace operations") @output_option() @query_option() @pass_workspace_context def workspace_operations_list(workspace_context: WorkspaceContext, output_format, query): log = logging.getLogger(__name__) workspace_id = workspace_context.workspace_id if workspace_id is None: raise click.UsageError('Missing workspace ID') operations_url = f'/api/workspaces/{workspace_id}/operations' operations_list(log, operations_url, output_format, query) workspace_operations.add_command(workspace_operations_list)
AzureTRE/cli/tre/commands/workspaces/operations.py/0
{ "file_path": "AzureTRE/cli/tre/commands/workspaces/operations.py", "repo_id": "AzureTRE", "token_count": 265 }
104
import sys import click import jmespath import json import typing as t from tabulate import tabulate from pygments import highlight, lexers, formatters from enum import Enum from httpx import Response class OutputFormat(Enum): Suppress = 'none' Json = 'json' JsonC = 'jsonc' Table = 'table' Raw = 'raw' def output_option(*param_decls: str, **kwargs: t.Any): param_decls = ('--output', '-o', 'output_format') kwargs.setdefault("default", 'table') kwargs.setdefault("type", click.Choice(['table', 'json', 'jsonc', 'raw', 'none'])) kwargs.setdefault("envvar", "TRECLI_OUTPUT") kwargs.setdefault("help", "Output format") return click.option(*param_decls, **kwargs) def query_option(*param_decls: str, **kwargs: t.Any): param_decls = ('--query', '-q') kwargs.setdefault("default", None) kwargs.setdefault("help", "JMESPath query to apply to the result") return click.option(*param_decls, **kwargs) def output_result(result_json: str, output_format: OutputFormat = OutputFormat.Json, query: str = None, default_table_query: str = None) -> None: if query is None and output_format == OutputFormat.Table.value: query = default_table_query if query is None: output_json = result_json else: result = json.loads(result_json) output = jmespath.search(query, result) output_json = json.dumps(output) if output_format == OutputFormat.Json.value: click.echo(output_json) elif output_format == OutputFormat.JsonC.value: formatted_json = json.dumps(json.loads(output_json), sort_keys=False, indent=2) jsonc = highlight(formatted_json, lexers.JsonLexer(), formatters.TerminalFormatter()) click.echo(jsonc) elif output_format == OutputFormat.Raw.value: value = json.loads(output_json) click.echo(value) elif output_format == OutputFormat.Table.value: content = json.loads(output_json) if content is not None: columns = [] rows = [] if type(content) is dict: # single item item = content row = [] for property_name in item: columns.append(property_name) row.append(item[property_name]) rows.append(row) else: if len(content) == 0: # nothing to output return item = content[0] for property_name in item: columns.append(property_name) for item in content: row = [] for property_name in item: row.append(item[property_name]) rows.append(row) click.echo(tabulate(rows, columns)) else: raise click.ClickException(f"Unhandled output format: '{output_format}'") def output(response: Response, output_format: OutputFormat = OutputFormat.Json, query: str = None, default_table_query: str = None) -> None: if output_format == OutputFormat.Suppress.value: if not response.is_success: sys.exit(1) return result_json = response.text output_result(result_json, output_format, query, default_table_query) if not response.is_success: sys.exit(1)
AzureTRE/cli/tre/output.py/0
{ "file_path": "AzureTRE/cli/tre/output.py", "repo_id": "AzureTRE", "token_count": 1476 }
105
resource "azurerm_key_vault_access_policy" "app_gw_managed_identity" { key_vault_id = var.keyvault_id tenant_id = azurerm_user_assigned_identity.agw_id.tenant_id object_id = azurerm_user_assigned_identity.agw_id.principal_id key_permissions = [ "Get", ] secret_permissions = [ "Get", ] } resource "azurerm_key_vault_certificate" "tlscert" { name = "letsencrypt" key_vault_id = var.keyvault_id tags = local.tre_core_tags certificate_policy { issuer_parameters { name = "Self" } key_properties { key_size = 2048 exportable = true key_type = "RSA" reuse_key = false } secret_properties { content_type = "application/x-pkcs12" } x509_certificate_properties { # Server Authentication = 1.3.6.1.5.5.7.3.1 # Client Authentication = 1.3.6.1.5.5.7.3.2 extended_key_usage = ["1.3.6.1.5.5.7.3.1"] key_usage = [ "cRLSign", "dataEncipherment", "digitalSignature", "keyAgreement", "keyCertSign", "keyEncipherment", ] subject = "CN=${azurerm_public_ip.appgwpip.fqdn}" subject_alternative_names { dns_names = [azurerm_public_ip.appgwpip.fqdn] } validity_in_months = 12 } } # The certificate will get replaced with a real one, so we don't want Terrafomr to try and revert it. lifecycle { ignore_changes = all } }
AzureTRE/core/terraform/appgateway/certificate.tf/0
{ "file_path": "AzureTRE/core/terraform/appgateway/certificate.tf", "repo_id": "AzureTRE", "token_count": 689 }
106